From 6cce1a3c67a64bba401944d4e38ad6a0245c1d56 Mon Sep 17 00:00:00 2001 From: "hongliang.yuan" Date: Mon, 24 Feb 2025 10:23:27 +0800 Subject: [PATCH] add licence for pointnet2 --- .../tacotron2/pytorch/data_utils.py | 56 ++++++++----------- .../_base_/datasets/kitti-3d-3class.py | 2 + .../configs/_base_/datasets/kitti-3d-car.py | 2 + .../configs/_base_/datasets/kitti-mono3d.py | 2 + .../configs/_base_/datasets/lyft-3d.py | 2 + .../configs/_base_/datasets/nus-3d.py | 2 + .../configs/_base_/datasets/nus-mono3d.py | 2 + .../_base_/datasets/waymoD5-3d-3class.py | 2 + .../configs/_base_/datasets/waymoD5-3d-car.py | 2 + .../configs/_base_/default_runtime.py | 2 + .../configs/_base_/models/3dssd.py | 2 + .../configs/_base_/models/dgcnn.py | 2 + .../configs/_base_/models/fcos3d.py | 2 + .../configs/_base_/models/groupfree3d.py | 2 + .../configs/_base_/models/h3dnet.py | 2 + .../configs/_base_/models/paconv_ssg.py | 2 + .../configs/_base_/models/parta2.py | 2 + .../configs/_base_/models/pgd.py | 2 + .../configs/_base_/models/point_rcnn.py | 2 + .../configs/_base_/models/pointnet2_ssg.py | 2 + .../configs/_base_/models/smoke.py | 2 + .../configs/_base_/models/votenet.py | 2 + .../configs/_base_/schedules/cosine.py | 2 + ...pn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py | 2 + ...lars_secfpn_3x8_100e_det3d_kitti-3d-car.py | 2 + ...rs_secfpn_4x8_80e_pcdet_kitti-3d-3class.py | 2 + ...nd_secfpn_4x8_80e_pcdet_kitti-3d-3class.py | 2 + .../configs/nuimages/htc_r50_fpn_1x_nuim.py | 2 + .../data/s3dis/collect_indoor3d_data.py | 4 +- .../mmdetection3d/data/s3dis/indoor3d_util.py | 4 +- .../pytorch/mmdetection3d/mmdet3d/__init__.py | 2 + .../mmdetection3d/mmdet3d/apis/__init__.py | 2 + .../mmdetection3d/mmdet3d/apis/inference.py | 2 + .../mmdet3d/datasets/dataset_wrappers.py | 2 + .../mmdet3d/datasets/kitti2d_dataset.py | 2 + .../mmdet3d/datasets/kitti_dataset.py | 2 + .../mmdet3d/datasets/lyft_dataset.py | 2 + .../mmdet3d/datasets/nuscenes_dataset.py | 2 + .../mmdet3d/datasets/s3dis_dataset.py | 2 + .../mmdet3d/datasets/scannet_dataset.py | 2 + .../mmdet3d/datasets/semantickitti_dataset.py | 2 + .../mmdet3d/datasets/sunrgbd_dataset.py | 2 + .../mmdetection3d/mmdet3d/datasets/utils.py | 2 + .../mmdet3d/datasets/waymo_dataset.py | 2 + .../mmdetection3d/mmdet3d/models/__init__.py | 2 + .../mmdet3d/models/backbones/__init__.py | 2 + .../mmdet3d/models/backbones/base_pointnet.py | 2 + .../mmdet3d/models/backbones/dgcnn.py | 2 + .../mmdet3d/models/backbones/dla.py | 2 + .../mmdet3d/models/backbones/mink_resnet.py | 2 + .../models/backbones/multi_backbone.py | 2 + .../mmdet3d/models/backbones/nostem_regnet.py | 2 + .../models/backbones/pointnet2_sa_msg.py | 2 + .../models/backbones/pointnet2_sa_ssg.py | 2 + .../mmdet3d/models/backbones/second.py | 2 + .../mmdet3d/models/decode_heads/__init__.py | 2 + .../models/decode_heads/decode_head.py | 2 + .../mmdet3d/models/decode_heads/dgcnn_head.py | 2 + .../models/decode_heads/paconv_head.py | 2 + .../models/decode_heads/pointnet2_head.py | 2 + .../mmdet3d/models/dense_heads/__init__.py | 2 + .../models/dense_heads/anchor3d_head.py | 2 + .../dense_heads/anchor_free_mono3d_head.py | 2 + .../models/dense_heads/base_conv_bbox_head.py | 2 + .../dense_heads/base_mono3d_dense_head.py | 2 + .../models/dense_heads/centerpoint_head.py | 2 + .../models/dense_heads/fcos_mono3d_head.py | 2 + .../models/dense_heads/free_anchor3d_head.py | 2 + .../models/dense_heads/groupfree3d_head.py | 2 + .../models/dense_heads/monoflex_head.py | 2 + .../models/dense_heads/parta2_rpn_head.py | 2 + .../mmdet3d/models/dense_heads/pgd_head.py | 2 + .../models/dense_heads/point_rpn_head.py | 2 + .../models/dense_heads/shape_aware_head.py | 2 + .../models/dense_heads/smoke_mono3d_head.py | 2 + .../mmdet3d/models/dense_heads/ssd_3d_head.py | 2 + .../models/dense_heads/train_mixins.py | 2 + .../mmdet3d/models/dense_heads/vote_head.py | 2 + .../mmdet3d/models/detectors/__init__.py | 2 + .../mmdet3d/models/detectors/base.py | 2 + .../mmdet3d/models/detectors/centerpoint.py | 2 + .../models/detectors/dynamic_voxelnet.py | 2 + .../mmdet3d/models/detectors/fcos_mono3d.py | 2 + .../models/detectors/groupfree3dnet.py | 2 + .../mmdet3d/models/detectors/h3dnet.py | 2 + .../mmdet3d/models/detectors/imvotenet.py | 2 + .../mmdet3d/models/detectors/imvoxelnet.py | 2 + .../models/detectors/mvx_faster_rcnn.py | 2 + .../mmdet3d/models/detectors/mvx_two_stage.py | 2 + .../mmdet3d/models/detectors/parta2.py | 2 + .../mmdet3d/models/detectors/point_rcnn.py | 2 + .../mmdet3d/models/detectors/sassd.py | 2 + .../mmdet3d/models/detectors/single_stage.py | 2 + .../models/detectors/single_stage_mono3d.py | 2 + .../mmdet3d/models/detectors/smoke_mono3d.py | 2 + .../mmdet3d/models/detectors/ssd3dnet.py | 2 + .../mmdet3d/models/detectors/two_stage.py | 2 + .../mmdet3d/models/detectors/votenet.py | 2 + .../mmdet3d/models/detectors/voxelnet.py | 2 + .../mmdet3d/models/losses/__init__.py | 2 + .../models/losses/axis_aligned_iou_loss.py | 2 + .../mmdet3d/models/losses/chamfer_distance.py | 2 + .../mmdet3d/models/losses/multibin_loss.py | 2 + .../losses/paconv_regularization_loss.py | 2 + .../models/losses/uncertain_smooth_l1_loss.py | 2 + .../models/middle_encoders/pillar_scatter.py | 2 + .../models/middle_encoders/sparse_encoder.py | 2 + .../models/middle_encoders/sparse_unet.py | 2 + .../mmdet3d/models/necks/__init__.py | 2 + .../mmdet3d/models/necks/dla_neck.py | 2 + .../mmdet3d/models/necks/imvoxel_neck.py | 2 + .../mmdet3d/models/necks/pointnet2_fp_neck.py | 2 + .../mmdet3d/models/necks/second_fpn.py | 2 + .../models/roi_heads/base_3droi_head.py | 2 + .../models/roi_heads/bbox_heads/__init__.py | 2 + .../roi_heads/bbox_heads/h3d_bbox_head.py | 2 + .../roi_heads/bbox_heads/parta2_bbox_head.py | 2 + .../bbox_heads/point_rcnn_bbox_head.py | 2 + .../mmdet3d/models/roi_heads/h3d_roi_head.py | 2 + .../models/roi_heads/mask_heads/__init__.py | 2 + .../mask_heads/pointwise_semantic_head.py | 2 + .../roi_heads/mask_heads/primitive_head.py | 2 + .../roi_heads/part_aggregation_roi_head.py | 2 + .../models/roi_heads/point_rcnn_roi_head.py | 2 + .../roi_heads/roi_extractors/__init__.py | 2 + .../single_roiaware_extractor.py | 2 + .../single_roipoint_extractor.py | 2 + .../mmdet3d/models/segmentors/__init__.py | 2 + .../mmdet3d/models/segmentors/base.py | 2 + .../models/segmentors/encoder_decoder.py | 2 + .../mmdet3d/models/utils/__init__.py | 2 + .../mmdet3d/models/utils/clip_sigmoid.py | 2 + .../mmdet3d/models/utils/edge_indices.py | 2 + .../mmdet3d/models/utils/gen_keypoints.py | 2 + .../mmdet3d/models/utils/handle_objs.py | 2 + .../mmdet3d/models/voxel_encoders/__init__.py | 2 + .../models/voxel_encoders/pillar_encoder.py | 2 + .../mmdet3d/models/voxel_encoders/utils.py | 2 + .../models/voxel_encoders/voxel_encoder.py | 2 + .../mmdetection3d/mmdet3d/utils/__init__.py | 2 + .../mmdetection3d/mmdet3d/utils/compat_cfg.py | 2 + .../mmdetection3d/mmdet3d/utils/misc.py | 2 + .../mmdetection3d/mmdet3d/utils/setup_env.py | 2 + .../pytorch/mmdetection3d/mmdet3d/version.py | 2 + .../tools/analysis_tools/analyze_logs.py | 2 + .../tools/analysis_tools/benchmark.py | 2 + .../tools/analysis_tools/get_flops.py | 2 + .../mmdetection3d/tools/create_data.py | 2 + .../tools/deployment/mmdet3d2torchserve.py | 2 + .../tools/deployment/mmdet3d_handler.py | 2 + .../tools/deployment/test_torchserver.py | 2 + .../tools/misc/browse_dataset.py | 2 + .../mmdetection3d/tools/misc/fuse_conv_bn.py | 2 + .../mmdetection3d/tools/misc/print_config.py | 2 + .../tools/misc/visualize_results.py | 2 + .../convert_h3dnet_checkpoints.py | 2 + .../convert_votenet_checkpoints.py | 2 + .../pytorch/mmdetection3d/tools/test.py | 2 + .../mmdetection3d/tools/update_data_coords.py | 2 + 159 files changed, 340 insertions(+), 36 deletions(-) diff --git a/audio/speech_synthesis/tacotron2/pytorch/data_utils.py b/audio/speech_synthesis/tacotron2/pytorch/data_utils.py index c12c371be..ed8723864 100644 --- a/audio/speech_synthesis/tacotron2/pytorch/data_utils.py +++ b/audio/speech_synthesis/tacotron2/pytorch/data_utils.py @@ -10,11 +10,10 @@ from text import text_to_sequence class TextMelLoader(torch.utils.data.Dataset): """ - 1) loads audio,text pairs - 2) normalizes text and converts them to sequences of one-hot vectors - 3) computes mel-spectrograms from audio files. + 1) loads audio,text pairs + 2) normalizes text and converts them to sequences of one-hot vectors + 3) computes mel-spectrograms from audio files. """ - def __init__(self, audiopaths_and_text, hparams): self.audiopaths_and_text = load_filepaths_and_text(audiopaths_and_text) self.text_cleaners = hparams.text_cleaners @@ -22,14 +21,9 @@ class TextMelLoader(torch.utils.data.Dataset): self.sampling_rate = hparams.sampling_rate self.load_mel_from_disk = hparams.load_mel_from_disk self.stft = layers.TacotronSTFT( - hparams.filter_length, - hparams.hop_length, - hparams.win_length, - hparams.n_mel_channels, - hparams.sampling_rate, - hparams.mel_fmin, - hparams.mel_fmax, - ) + hparams.filter_length, hparams.hop_length, hparams.win_length, + hparams.n_mel_channels, hparams.sampling_rate, hparams.mel_fmin, + hparams.mel_fmax) random.seed(hparams.seed) random.shuffle(self.audiopaths_and_text) @@ -44,11 +38,8 @@ class TextMelLoader(torch.utils.data.Dataset): if not self.load_mel_from_disk: audio, sampling_rate = load_wav_to_torch(filename) if sampling_rate != self.stft.sampling_rate: - raise ValueError( - "{} {} SR doesn't match target {} SR".format( - sampling_rate, self.stft.sampling_rate - ) - ) + raise ValueError("{} {} SR doesn't match target {} SR".format( + sampling_rate, self.stft.sampling_rate)) audio_norm = audio / self.max_wav_value audio_norm = audio_norm.unsqueeze(0) audio_norm = torch.autograd.Variable(audio_norm, requires_grad=False) @@ -56,11 +47,9 @@ class TextMelLoader(torch.utils.data.Dataset): melspec = torch.squeeze(melspec, 0) else: melspec = torch.from_numpy(np.load(filename)) - assert ( - melspec.size(0) == self.stft.n_mel_channels - ), "Mel dimension mismatch: given {}, expected {}".format( - melspec.size(0), self.stft.n_mel_channels - ) + assert melspec.size(0) == self.stft.n_mel_channels, ( + 'Mel dimension mismatch: given {}, expected {}'.format( + melspec.size(0), self.stft.n_mel_channels)) return melspec @@ -75,9 +64,9 @@ class TextMelLoader(torch.utils.data.Dataset): return len(self.audiopaths_and_text) -class TextMelCollate: - """Zero-pads model inputs and targets based on number of frames per step""" - +class TextMelCollate(): + """ Zero-pads model inputs and targets based on number of frames per setep + """ def __init__(self, n_frames_per_step): self.n_frames_per_step = n_frames_per_step @@ -89,23 +78,21 @@ class TextMelCollate: """ # Right zero-pad all one-hot text sequences to max input length input_lengths, ids_sorted_decreasing = torch.sort( - torch.LongTensor([len(x[0]) for x in batch]), dim=0, descending=True - ) + torch.LongTensor([len(x[0]) for x in batch]), + dim=0, descending=True) max_input_len = input_lengths[0] text_padded = torch.LongTensor(len(batch), max_input_len) text_padded.zero_() for i in range(len(ids_sorted_decreasing)): text = batch[ids_sorted_decreasing[i]][0] - text_padded[i, : text.size(0)] = text + text_padded[i, :text.size(0)] = text # Right zero-pad mel-spec num_mels = batch[0][1].size(0) max_target_len = max([x[1].size(1) for x in batch]) if max_target_len % self.n_frames_per_step != 0: - max_target_len += ( - self.n_frames_per_step - max_target_len % self.n_frames_per_step - ) + max_target_len += self.n_frames_per_step - max_target_len % self.n_frames_per_step assert max_target_len % self.n_frames_per_step == 0 # include mel padded and gate padded @@ -116,8 +103,9 @@ class TextMelCollate: output_lengths = torch.LongTensor(len(batch)) for i in range(len(ids_sorted_decreasing)): mel = batch[ids_sorted_decreasing[i]][1] - mel_padded[i, :, : mel.size(1)] = mel - gate_padded[i, mel.size(1) - 1 :] = 1 + mel_padded[i, :, :mel.size(1)] = mel + gate_padded[i, mel.size(1)-1:] = 1 output_lengths[i] = mel.size(1) - return text_padded, input_lengths, mel_padded, gate_padded, output_lengths + return text_padded, input_lengths, mel_padded, gate_padded, \ + output_lengths diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-3d-3class.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-3d-3class.py index 1822af420..f5b2c4f43 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-3d-3class.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-3d-3class.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # dataset settings dataset_type = 'KittiDataset' data_root = 'data/kitti/' diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-3d-car.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-3d-car.py index 1e81226e2..2915669ef 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-3d-car.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-3d-car.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # dataset settings dataset_type = 'KittiDataset' data_root = 'data/kitti/' diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-mono3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-mono3d.py index 5817dc706..ede6c48f8 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-mono3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/kitti-mono3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. dataset_type = 'KittiMonoDataset' data_root = 'data/kitti/' class_names = ['Pedestrian', 'Cyclist', 'Car'] diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/lyft-3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/lyft-3d.py index 71baff04c..1d33d7de4 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/lyft-3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/lyft-3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # If point cloud range is changed, the models should also change their point # cloud range accordingly point_cloud_range = [-80, -80, -5, 80, 80, 3] diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/nus-3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/nus-3d.py index 154817175..19b4335f7 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/nus-3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/nus-3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # If point cloud range is changed, the models should also change their point # cloud range accordingly point_cloud_range = [-50, -50, -5, 50, 50, 3] diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/nus-mono3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/nus-mono3d.py index 5decdacd6..f18bc0484 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/nus-mono3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/nus-mono3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. dataset_type = 'NuScenesMonoDataset' data_root = 'data/nuscenes/' class_names = [ diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/waymoD5-3d-3class.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/waymoD5-3d-3class.py index e3937fb06..00883b989 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/waymoD5-3d-3class.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/waymoD5-3d-3class.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # dataset settings # D5 in the config name means the whole dataset is divided into 5 folds # We only use one fold for efficient experiments diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/waymoD5-3d-car.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/waymoD5-3d-car.py index e119e5a63..1ebbbfda6 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/waymoD5-3d-car.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/datasets/waymoD5-3d-car.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # dataset settings # D5 in the config name means the whole dataset is divided into 5 folds # We only use one fold for efficient experiments diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/default_runtime.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/default_runtime.py index 5fc198bb1..3c122f340 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/default_runtime.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/default_runtime.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. checkpoint_config = dict(interval=1) # yapf:disable push # By default we use textlogger hook and tensorboard diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/3dssd.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/3dssd.py index 55344c7dd..ad3de7a26 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/3dssd.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/3dssd.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. model = dict( type='SSD3DNet', backbone=dict( diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/dgcnn.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/dgcnn.py index 61e727269..8303a7891 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/dgcnn.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/dgcnn.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # model settings model = dict( type='EncoderDecoder3D', diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/fcos3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/fcos3d.py index be83001d8..639bee8a4 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/fcos3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/fcos3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. model = dict( type='FCOSMono3D', backbone=dict( diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/groupfree3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/groupfree3d.py index 077d04966..91ccf8934 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/groupfree3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/groupfree3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. model = dict( type='GroupFree3DNet', backbone=dict( diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/h3dnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/h3dnet.py index 760566744..552c3d5fc 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/h3dnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/h3dnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. primitive_z_cfg = dict( type='PrimitiveHead', num_dims=2, diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/paconv_ssg.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/paconv_ssg.py index 1d4f1ed39..902b1cfba 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/paconv_ssg.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/paconv_ssg.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # model settings model = dict( type='EncoderDecoder3D', diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/parta2.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/parta2.py index aa1556789..6c573c71e 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/parta2.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/parta2.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # model settings voxel_size = [0.05, 0.05, 0.1] point_cloud_range = [0, -40, -3, 70.4, 40, 1] diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/pgd.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/pgd.py index e63fc1fce..473ab09c4 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/pgd.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/pgd.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. _base_ = './fcos3d.py' # model settings model = dict( diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/point_rcnn.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/point_rcnn.py index 02a1414f7..e09ed63b8 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/point_rcnn.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/point_rcnn.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. model = dict( type='PointRCNN', backbone=dict( diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/pointnet2_ssg.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/pointnet2_ssg.py index 58b4c243d..ed6a3af34 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/pointnet2_ssg.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/pointnet2_ssg.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # model settings model = dict( type='EncoderDecoder3D', diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/smoke.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/smoke.py index 0a7452b43..45dfb35e8 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/smoke.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/smoke.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. model = dict( type='SMOKEMono3D', backbone=dict( diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/votenet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/votenet.py index 129339dc9..076aebfe5 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/votenet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/models/votenet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. model = dict( type='VoteNet', backbone=dict( diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/schedules/cosine.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/schedules/cosine.py index 69cb7df87..15a445481 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/schedules/cosine.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/_base_/schedules/cosine.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # This schedule is mainly used by models with dynamic voxelization # optimizer lr = 0.003 # max learning rate diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_PartA2_secfpn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_PartA2_secfpn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py index 398a19cd2..c3fcca9bb 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_PartA2_secfpn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_PartA2_secfpn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # model settings voxel_size = [0.05, 0.05, 0.1] point_cloud_range = [0, -40, -3, 70.4, 40, 1] # velodyne coordinates, x, y, z diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_pointpillars_secfpn_3x8_100e_det3d_kitti-3d-car.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_pointpillars_secfpn_3x8_100e_det3d_kitti-3d-car.py index 72c737245..98da21f25 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_pointpillars_secfpn_3x8_100e_det3d_kitti-3d-car.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_pointpillars_secfpn_3x8_100e_det3d_kitti-3d-car.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # model settings voxel_size = [0.16, 0.16, 4] point_cloud_range = [0, -39.68, -3, 69.12, 39.68, 1] diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_pointpillars_secfpn_4x8_80e_pcdet_kitti-3d-3class.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_pointpillars_secfpn_4x8_80e_pcdet_kitti-3d-3class.py index 02eed9fb1..ebc134d52 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_pointpillars_secfpn_4x8_80e_pcdet_kitti-3d-3class.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_pointpillars_secfpn_4x8_80e_pcdet_kitti-3d-3class.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # model settings point_cloud_range = [0, -39.68, -3, 69.12, 39.68, 1] voxel_size = [0.16, 0.16, 4] diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_second_secfpn_4x8_80e_pcdet_kitti-3d-3class.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_second_secfpn_4x8_80e_pcdet_kitti-3d-3class.py index d61a050fb..3b3462979 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_second_secfpn_4x8_80e_pcdet_kitti-3d-3class.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/benchmark/hv_second_secfpn_4x8_80e_pcdet_kitti-3d-3class.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # model settings voxel_size = [0.05, 0.05, 0.1] point_cloud_range = [0, -40, -3, 70.4, 40, 1] diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/nuimages/htc_r50_fpn_1x_nuim.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/nuimages/htc_r50_fpn_1x_nuim.py index 46806836f..38f220534 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/nuimages/htc_r50_fpn_1x_nuim.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/configs/nuimages/htc_r50_fpn_1x_nuim.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. _base_ = './htc_without_semantic_r50_fpn_1x_nuim.py' model = dict( roi_head=dict( diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/data/s3dis/collect_indoor3d_data.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/data/s3dis/collect_indoor3d_data.py index 59a7cda5b..df307ed50 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/data/s3dis/collect_indoor3d_data.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/data/s3dis/collect_indoor3d_data.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import argparse import mmcv from indoor3d_util import export @@ -45,4 +47,4 @@ for anno_path in anno_paths: if osp.isfile(f'{out_filename}_point.npy'): print('File already exists. skipping.') continue - export(anno_path, out_filename) \ No newline at end of file + export(anno_path, out_filename) diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/data/s3dis/indoor3d_util.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/data/s3dis/indoor3d_util.py index 2474b0f24..7b0c7f573 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/data/s3dis/indoor3d_util.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/data/s3dis/indoor3d_util.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import glob import numpy as np from os import path as osp @@ -50,4 +52,4 @@ def export(anno_path, out_filename): np.save(f'{out_filename}_point.npy', data_label[:, :6].astype(np.float32)) np.save(f'{out_filename}_sem_label.npy', data_label[:, 6].astype(np.int)) - np.save(f'{out_filename}_ins_label.npy', data_label[:, 7].astype(np.int)) \ No newline at end of file + np.save(f'{out_filename}_ins_label.npy', data_label[:, 7].astype(np.int)) diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/__init__.py index 312e9b45d..3c7ec9a3a 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import mmcv diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/apis/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/apis/__init__.py index 5befc10d5..c0cbe80e7 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/apis/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/apis/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .inference import (convert_SyncBN, inference_detector, inference_mono_3d_detector, diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/apis/inference.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/apis/inference.py index 1457182cd..9a04b3fea 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/apis/inference.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/apis/inference.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import re from copy import deepcopy diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/dataset_wrappers.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/dataset_wrappers.py index 2ae33279e..f8a5ce0e2 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/dataset_wrappers.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/dataset_wrappers.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/kitti2d_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/kitti2d_dataset.py index a94393210..bc312e56f 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/kitti2d_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/kitti2d_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/kitti_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/kitti_dataset.py index 48025387f..e2919ef81 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/kitti_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/kitti_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import copy import os diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/lyft_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/lyft_dataset.py index 031d86a97..c213c62f3 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/lyft_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/lyft_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import os import tempfile diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_dataset.py index 1ca826571..9a8a35f41 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import tempfile from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/s3dis_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/s3dis_dataset.py index e38dc7ab9..3df2eedd3 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/s3dis_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/s3dis_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/scannet_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/scannet_dataset.py index 3e691260b..67727d11c 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/scannet_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/scannet_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import tempfile import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/semantickitti_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/semantickitti_dataset.py index 03afbe0cd..fdd8423ec 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/semantickitti_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/semantickitti_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/sunrgbd_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/sunrgbd_dataset.py index 623ab885e..53e054def 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/sunrgbd_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/sunrgbd_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from collections import OrderedDict from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/utils.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/utils.py index e9cfda124..3cc48b515 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/utils.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import mmcv diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/waymo_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/waymo_dataset.py index 6e204df9a..4a0f66497 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/waymo_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/waymo_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import os import tempfile diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/__init__.py index 7c7e8fc61..e80b7ad59 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .backbones import * # noqa: F401,F403 from .builder import (BACKBONES, DETECTORS, FUSION_LAYERS, HEADS, LOSSES, diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/__init__.py index d51c16d2f..31d9d8281 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.backbones import SSDVGG, HRNet, ResNet, ResNetV1d, ResNeXt from .dgcnn import DGCNNBackbone diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/base_pointnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/base_pointnet.py index 31439e6a6..c50989692 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/base_pointnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/base_pointnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings from abc import ABCMeta diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/dgcnn.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/dgcnn.py index 20e82d9cc..f1047afb4 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/dgcnn.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/dgcnn.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmcv.runner import BaseModule, auto_fp16 from torch import nn as nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/dla.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/dla.py index a5479091b..001def490 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/dla.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/dla.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py index 35a79ce23..2af9bd322 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. # Follow https://github.com/NVIDIA/MinkowskiEngine/blob/master/examples/resnet.py # noqa # and mmcv.cnn.ResNet diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/multi_backbone.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/multi_backbone.py index ed04ecddc..a962fa358 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/multi_backbone.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/multi_backbone.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import copy import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/nostem_regnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/nostem_regnet.py index 309050833..439a57c77 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/nostem_regnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/nostem_regnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.backbones import RegNet from ..builder import BACKBONES diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_msg.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_msg.py index f6b1e47bc..9f032c449 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_msg.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_msg.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_ssg.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_ssg.py index c7b415266..b894b7c05 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_ssg.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_ssg.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import auto_fp16 diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/second.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/second.py index 680dbbecd..27ac6cf30 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/second.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/backbones/second.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/__init__.py index 2e86c7c8a..c3c3cfe59 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .dgcnn_head import DGCNNHead from .paconv_head import PAConvHead diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/decode_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/decode_head.py index 6ccbfe0ec..774bee008 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/decode_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/decode_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from abc import ABCMeta, abstractmethod diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/dgcnn_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/dgcnn_head.py index 1249b3d1a..6e78df577 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/dgcnn_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/dgcnn_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn.bricks import ConvModule diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/paconv_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/paconv_head.py index 63cc3fdb2..8cd985677 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/paconv_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/paconv_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn.bricks import ConvModule diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/pointnet2_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/pointnet2_head.py index 28b677e07..9c905341e 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/pointnet2_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/decode_heads/pointnet2_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn.bricks import ConvModule from torch import nn as nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/__init__.py index 25008c95b..f64228965 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .anchor3d_head import Anchor3DHead from .anchor_free_mono3d_head import AnchorFreeMono3DHead diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py index b7472645b..87550497e 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py index e9b27d0b8..fbd13588b 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from abc import abstractmethod diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_conv_bbox_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_conv_bbox_head.py index ec5eaa616..c7a3bb3e4 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_conv_bbox_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_conv_bbox_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn import ConvModule from mmcv.cnn.bricks import build_conv_layer diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_mono3d_dense_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_mono3d_dense_head.py index 244447305..73658ace6 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_mono3d_dense_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_mono3d_dense_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from abc import ABCMeta, abstractmethod diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/centerpoint_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/centerpoint_head.py index 2cf758bd0..d105896fd 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/centerpoint_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/centerpoint_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import copy diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcos_mono3d_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcos_mono3d_head.py index d0aa29f85..d1da57446 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcos_mono3d_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcos_mono3d_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from logging import warning diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/free_anchor3d_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/free_anchor3d_head.py index a56f2c7c7..330c456e8 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/free_anchor3d_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/free_anchor3d_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/groupfree3d_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/groupfree3d_head.py index b76cb05ac..578b20e3e 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/groupfree3d_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/groupfree3d_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import copy diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/monoflex_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/monoflex_head.py index 2253c7582..478d92bd8 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/monoflex_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/monoflex_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import xavier_init diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/parta2_rpn_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/parta2_rpn_head.py index a57e1a124..4793d21ee 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/parta2_rpn_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/parta2_rpn_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/pgd_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/pgd_head.py index d9bfadb0a..9291b9c57 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/pgd_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/pgd_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/point_rpn_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/point_rpn_head.py index 546cf1665..f73144f2a 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/point_rpn_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/point_rpn_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import BaseModule, force_fp32 diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/shape_aware_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/shape_aware_head.py index 6c5557187..758a82de8 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/shape_aware_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/shape_aware_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/smoke_mono3d_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/smoke_mono3d_head.py index 3459e092a..80f2b40bd 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/smoke_mono3d_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/smoke_mono3d_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from torch.nn import functional as F diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/ssd_3d_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/ssd_3d_head.py index c20c4b120..047333c98 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/ssd_3d_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/ssd_3d_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.ops.nms import batched_nms diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/train_mixins.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/train_mixins.py index 90c9cbbfd..9349ed9c7 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/train_mixins.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/train_mixins.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/vote_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/vote_head.py index 53b1154f0..50f8da0d1 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/vote_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/dense_heads/vote_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/__init__.py index 1924b1232..a3c45e282 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .base import Base3DDetector from .centerpoint import CenterPoint diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/base.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/base.py index 4985c1dc6..cb1ee8a26 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/base.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/base.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/centerpoint.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/centerpoint.py index 290af5bed..0cd3b3671 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/centerpoint.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/centerpoint.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/dynamic_voxelnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/dynamic_voxelnet.py index c4226ecdc..2b33c67e3 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/dynamic_voxelnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/dynamic_voxelnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/fcos_mono3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/fcos_mono3d.py index 5baed7b81..dc6be419a 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/fcos_mono3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/fcos_mono3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from ..builder import DETECTORS from .single_stage_mono3d import SingleStageMono3DDetector diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/groupfree3dnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/groupfree3dnet.py index 71bd002fc..9fe2f7642 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/groupfree3dnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/groupfree3dnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/h3dnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/h3dnet.py index 033a9a1ac..dbbb312a9 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/h3dnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/h3dnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/imvotenet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/imvotenet.py index 9f48b8176..0e6e9d660 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/imvotenet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/imvotenet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/imvoxelnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/imvoxelnet.py index ca65b337f..c1d3e5bef 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/imvoxelnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/imvoxelnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_faster_rcnn.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_faster_rcnn.py index 07efad6aa..efac009be 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_faster_rcnn.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_faster_rcnn.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py index 1eba10df6..3b7527aa1 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/parta2.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/parta2.py index 459a9158a..57cd9479f 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/parta2.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/parta2.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.ops import Voxelization diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/point_rcnn.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/point_rcnn.py index 31c86938a..5d5d3d974 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/point_rcnn.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/point_rcnn.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/sassd.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/sassd.py index 2151c4e0c..ab4e777fd 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/sassd.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/sassd.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.ops import Voxelization diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage.py index 11f847995..c0722d73a 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from ..builder import DETECTORS, build_backbone, build_head, build_neck from .base import Base3DDetector diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage_mono3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage_mono3d.py index 464fab04f..812ad277c 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage_mono3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage_mono3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/smoke_mono3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/smoke_mono3d.py index 241187fa2..b002ff23b 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/smoke_mono3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/smoke_mono3d.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from ..builder import DETECTORS from .single_stage_mono3d import SingleStageMono3DDetector diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/ssd3dnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/ssd3dnet.py index fd5e310c9..a0cdd9742 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/ssd3dnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/ssd3dnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from ..builder import DETECTORS from .votenet import VoteNet diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/two_stage.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/two_stage.py index 707f706d5..0be085eb6 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/two_stage.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/two_stage.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/votenet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/votenet.py index 41e41449c..f3f6c0f2d 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/votenet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/votenet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/voxelnet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/voxelnet.py index 9276b7d88..d6e67005d 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/voxelnet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/detectors/voxelnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.ops import Voxelization diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/__init__.py index dcdc69ab6..f6da379de 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # 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 diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/axis_aligned_iou_loss.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/axis_aligned_iou_loss.py index 428d7bb86..1f861aab5 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/axis_aligned_iou_loss.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/axis_aligned_iou_loss.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/chamfer_distance.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/chamfer_distance.py index 8ad109d7a..67908f597 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/chamfer_distance.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/chamfer_distance.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/multibin_loss.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/multibin_loss.py index 461a19cfb..2afab40b6 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/multibin_loss.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/multibin_loss.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/paconv_regularization_loss.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/paconv_regularization_loss.py index 20017909c..19f4b9ff8 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/paconv_regularization_loss.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/paconv_regularization_loss.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/uncertain_smooth_l1_loss.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/uncertain_smooth_l1_loss.py index e80c08f1a..76b41f5bc 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/uncertain_smooth_l1_loss.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/losses/uncertain_smooth_l1_loss.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/pillar_scatter.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/pillar_scatter.py index 725ce290f..b00985120 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/pillar_scatter.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/pillar_scatter.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import auto_fp16 diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_encoder.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_encoder.py index 83a7a3012..253d60691 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_encoder.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_encoder.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.ops import points_in_boxes_all, three_interpolate, three_nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_unet.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_unet.py index 005e34ebe..91b1e723d 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_unet.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_unet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/__init__.py index 5443d357d..9c60faf5c 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.necks.fpn import FPN from .dla_neck import DLANeck diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/dla_neck.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/dla_neck.py index c32e8bb85..8bf6db1e5 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/dla_neck.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/dla_neck.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import math diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/imvoxel_neck.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/imvoxel_neck.py index 88814916c..76dff391d 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/imvoxel_neck.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/imvoxel_neck.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn import ConvModule from torch import nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/pointnet2_fp_neck.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/pointnet2_fp_neck.py index 62db0c105..fcf8bc4de 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/pointnet2_fp_neck.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/pointnet2_fp_neck.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmcv.runner import BaseModule from torch import nn as nn diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/second_fpn.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/second_fpn.py index ef1b3de67..7c0c88e6a 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/second_fpn.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/necks/second_fpn.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/base_3droi_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/base_3droi_head.py index e1816ff6b..07bcf7f38 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/base_3droi_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/base_3droi_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from abc import ABCMeta, abstractmethod diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/__init__.py index fd7a6b04a..5f10ad428 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.roi_heads.bbox_heads import (BBoxHead, ConvFCBBoxHead, DoubleConvFCBBoxHead, diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py index a8bd11a2d..90e605615 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py index 6f5ea722b..0d27f7688 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py index df469215d..bd77a526c 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/h3d_roi_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/h3d_roi_head.py index b6b95972a..dccb1dc4a 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/h3d_roi_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/h3d_roi_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmdet3d.core.bbox import bbox3d2result from ..builder import HEADS, build_head diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/__init__.py index 0aa11569a..8b2270600 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .pointwise_semantic_head import PointwiseSemanticHead from .primitive_head import PrimitiveHead diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py index fc0bcf5b6..71dbaa136 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import BaseModule diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/primitive_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/primitive_head.py index 4c9c28b39..ba44031f0 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/primitive_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/primitive_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/part_aggregation_roi_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/part_aggregation_roi_head.py index a3e49eae1..777aba513 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/part_aggregation_roi_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/part_aggregation_roi_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/point_rcnn_roi_head.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/point_rcnn_roi_head.py index acf7c16d0..808b305d9 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/point_rcnn_roi_head.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/point_rcnn_roi_head.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from torch.nn import functional as F diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/__init__.py index 70c28812b..f6a9f2a79 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.roi_heads.roi_extractors import SingleRoIExtractor from .single_roiaware_extractor import Single3DRoIAwareExtractor diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py index c27a0047a..189773047 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv import ops diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py index 4983a01e0..596f592a9 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv import ops diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/__init__.py index 29fbc33e6..1b8bbe6a7 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .base import Base3DSegmentor from .encoder_decoder import EncoderDecoder3D diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/base.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/base.py index 991369833..e66eefcec 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/base.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/base.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/encoder_decoder.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/encoder_decoder.py index 1a4fee935..161af8e33 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/encoder_decoder.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/segmentors/encoder_decoder.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/__init__.py index 92a0499a8..b63880d50 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .clip_sigmoid import clip_sigmoid from .edge_indices import get_edge_indices diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/clip_sigmoid.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/clip_sigmoid.py index 3afd4edbe..92016b2d1 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/clip_sigmoid.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/clip_sigmoid.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/edge_indices.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/edge_indices.py index 5dcb71fea..25cdee61f 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/edge_indices.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/edge_indices.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/gen_keypoints.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/gen_keypoints.py index 8c7909b89..2456f9040 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/gen_keypoints.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/gen_keypoints.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/handle_objs.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/handle_objs.py index 25fd793a3..87bb58408 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/handle_objs.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/utils/handle_objs.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/__init__.py index 2926a8342..459020a0a 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from .pillar_encoder import DynamicPillarFeatureNet, PillarFeatureNet from .voxel_encoder import DynamicSimpleVFE, DynamicVFE, HardSimpleVFE, HardVFE diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/pillar_encoder.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/pillar_encoder.py index 39bdc728a..229bdd5a8 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/pillar_encoder.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/pillar_encoder.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import build_norm_layer diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/utils.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/utils.py index 8c54fc2d1..be86303f9 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/utils.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import build_norm_layer diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/voxel_encoder.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/voxel_encoder.py index 9f3cf53d1..2e5704a51 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/voxel_encoder.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/voxel_encoder.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import build_norm_layer diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/__init__.py index ad5996187..35df6aa28 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from mmcv.utils import Registry, build_from_cfg, print_log diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/compat_cfg.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/compat_cfg.py index 05aa37dcd..1dddf6943 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/compat_cfg.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/compat_cfg.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import copy import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/misc.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/misc.py index 08af0484a..18dc19fec 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/misc.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/misc.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import glob import os.path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/setup_env.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/setup_env.py index 8812cb715..72fb1a291 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/setup_env.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/setup_env.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import os import platform diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/version.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/version.py index c95fbedd2..a975e963f 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/version.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/version.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) Open-MMLab. All rights reserved. __version__ = '1.0.0rc3' diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/analyze_logs.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/analyze_logs.py index 18858466e..6794534c7 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/analyze_logs.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/analyze_logs.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse import json diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/benchmark.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/benchmark.py index b31c9f095..006b301d2 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/benchmark.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/benchmark.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse import time diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/get_flops.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/get_flops.py index f45ed80f8..c4ae5d9bb 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/get_flops.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/analysis_tools/get_flops.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/create_data.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/create_data.py index 6d619125c..e2bd6c386 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/create_data.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/create_data.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse from os import path as osp diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/mmdet3d2torchserve.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/mmdet3d2torchserve.py index df7e6084a..17d7f255c 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/mmdet3d2torchserve.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/mmdet3d2torchserve.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from argparse import ArgumentParser, Namespace from pathlib import Path diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/mmdet3d_handler.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/mmdet3d_handler.py index 8b526cdf5..9231f9165 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/mmdet3d_handler.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/mmdet3d_handler.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import base64 import os diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/test_torchserver.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/test_torchserver.py index 613f9e4f7..d7e6f6411 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/test_torchserver.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/deployment/test_torchserver.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from argparse import ArgumentParser import numpy as np diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/browse_dataset.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/browse_dataset.py index e4451b124..3cc4737c5 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/browse_dataset.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/browse_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/fuse_conv_bn.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/fuse_conv_bn.py index 9aff40294..85c0897dc 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/fuse_conv_bn.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/fuse_conv_bn.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/print_config.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/print_config.py index c3538ef56..3e685ad87 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/print_config.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/print_config.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/visualize_results.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/visualize_results.py index c59445f6e..f8ea05ab4 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/visualize_results.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/misc/visualize_results.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/model_converters/convert_h3dnet_checkpoints.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/model_converters/convert_h3dnet_checkpoints.py index 2ede340ae..5484d90cc 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/model_converters/convert_h3dnet_checkpoints.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/model_converters/convert_h3dnet_checkpoints.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse import tempfile diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/model_converters/convert_votenet_checkpoints.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/model_converters/convert_votenet_checkpoints.py index 7264e319b..783991718 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/model_converters/convert_votenet_checkpoints.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/model_converters/convert_votenet_checkpoints.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse import tempfile diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/test.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/test.py index bd9d95f40..f94e5fe6c 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/test.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/test.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import argparse import os diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/update_data_coords.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/update_data_coords.py index 94728bcc6..e2ad41df1 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/update_data_coords.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/tools/update_data_coords.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import argparse import time from os import path as osp -- Gitee