diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/smoke_bbox_coder.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/smoke_bbox_coder.py index 1d4c638bda13ec182f5359806d7af8a6dfc29651..66aae917857868f0fd59b8539e09d9f3bbd903d7 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/smoke_bbox_coder.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/smoke_bbox_coder.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, 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/core/bbox/structures/utils.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/utils.py index 62dc97224b287ec8a6b71d8e8180bca04d8b5469..6ebaabe036fa6ecec3415f02f75647550833ac5c 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/utils.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/utils.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from logging import warning import numpy as np diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/__init__.py index f3b2ea41927024831c4493581aa4f2fb8e405cfc..49cbc6b180d010631112e03fe1e93f209de05ab9 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from mmdet.datasets.builder import build_dataloader from .builder import DATASETS, PIPELINES, build_dataset from .custom_3d import Custom3DDataset diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/__init__.py index 077bb8d03586f4a18ba79898f380962875682639..7a5a71d63ed97c210d637d1924cda4a6434e53a7 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from .compose import Compose from .dbsampler import DataBaseSampler from .formating import Collect3D, DefaultFormatBundle, DefaultFormatBundle3D diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/transforms_3d.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/transforms_3d.py index 7daccf2110feccc8277b4edc8458cf1ce9a31796..46f4765c44cec2321f1bf5dfd24431022b33f4ce 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/transforms_3d.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/transforms_3d.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. import random import warnings diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/coord_transform.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/coord_transform.py index 56c0e8ae9e413f8abaef18e743001478c980baa3..9c6929b05bccbe101c36237955c38f91b1520914 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/coord_transform.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/coord_transform.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from functools import partial import torch diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/__init__.py index 0f8a7c6c653986139e227e0ee2cbc69571ff1ef0..1e7bb6381754af986cea52a5b079804dbfa9fbb5 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from .pillar_scatter import PointPillarsScatter # from .sparse_encoder import SparseEncoder, SparseEncoderSASSD # from .sparse_unet import SparseUNet diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/__init__.py index e6f7699dbc7310d9d6f0c91c64f231362a6d6a1f..1cc4dc6e39c1b97b95f96c3b88b6e7d2f373264c 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/models/roi_heads/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from .base_3droi_head import Base3DRoIHead # from .bbox_heads import PartA2BboxHead from .h3d_roi_head import H3DRoIHead diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/ops/__init__.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/ops/__init__.py index 92255315a64c83dd8b55a5bde440e80aca8e51b7..c96e954ad5cd8d7f4336d88355d981802b717dfa 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/ops/__init__.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/ops/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from mmcv.ops import (RoIAlign, SigmoidFocalLoss, get_compiler_version, get_compiling_cuda_version, nms, roi_align, sigmoid_focal_loss) diff --git a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/collect_env.py b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/collect_env.py index 44c1551b54cc8453f369ab608d92c2bf3a8773ee..c10d01a0691c4bfa4399abc2fd166dcfe1e6edf3 100644 --- a/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/collect_env.py +++ b/cv/3d_detection/pointnet2/pytorch/mmdetection3d/mmdet3d/utils/collect_env.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from mmcv.utils import collect_env as collect_base_env from mmcv.utils import get_git_hash diff --git a/cv/classification/alexnet/pytorch/common_utils/dist.py b/cv/classification/alexnet/pytorch/common_utils/dist.py index 767b6ce0008b75447ed75016f7e973ab086b992e..f556707d9067171a7bd45be80902561ead65b9fc 100644 --- a/cv/classification/alexnet/pytorch/common_utils/dist.py +++ b/cv/classification/alexnet/pytorch/common_utils/dist.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/alexnet/pytorch/common_utils/metric_logger.py b/cv/classification/alexnet/pytorch/common_utils/metric_logger.py index ab9c61b0ba26212fb9404268bfd6f681a35f66c7..eadf5fe15b43f0a7ead082568ba52d0f5e690257 100644 --- a/cv/classification/alexnet/pytorch/common_utils/metric_logger.py +++ b/cv/classification/alexnet/pytorch/common_utils/metric_logger.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/alexnet/pytorch/common_utils/smooth_value.py b/cv/classification/alexnet/pytorch/common_utils/smooth_value.py index 8c1fadae25ec148a0af2cc55a544e098d6393247..3360b91f6811ed94a70c263927044b570d5f220a 100644 --- a/cv/classification/alexnet/pytorch/common_utils/smooth_value.py +++ b/cv/classification/alexnet/pytorch/common_utils/smooth_value.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/alexnet/pytorch/dataloader/classification.py b/cv/classification/alexnet/pytorch/dataloader/classification.py index 317a9874e0c561de93b0eae48f3e664422447974..a6c0a6b6d2b0f2b1c9fb83c55825aa712cf500c2 100644 --- a/cv/classification/alexnet/pytorch/dataloader/classification.py +++ b/cv/classification/alexnet/pytorch/dataloader/classification.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/alexnet/pytorch/dataloader/dali_classification.py b/cv/classification/alexnet/pytorch/dataloader/dali_classification.py index 2918bef662408deb14f4ca3b500a64b65bdcc28d..3662fdd166c7c18377c7f19f573f425181384c06 100644 --- a/cv/classification/alexnet/pytorch/dataloader/dali_classification.py +++ b/cv/classification/alexnet/pytorch/dataloader/dali_classification.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/alexnet/pytorch/dataloader/utils/presets_classification.py b/cv/classification/alexnet/pytorch/dataloader/utils/presets_classification.py index 59688a9595b8c1d2d8b2a9f23c228da63b047a06..f1f58abbde3bae63dbbc8b4a8375a5f697fb0499 100644 --- a/cv/classification/alexnet/pytorch/dataloader/utils/presets_classification.py +++ b/cv/classification/alexnet/pytorch/dataloader/utils/presets_classification.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/alexnet/pytorch/train.py b/cv/classification/alexnet/pytorch/train.py index ed573a574631590e6d338d3e3360c87492e248fb..24f6421785e74c1613426e75b16b6f1bd9d179c7 100644 --- a/cv/classification/alexnet/pytorch/train.py +++ b/cv/classification/alexnet/pytorch/train.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/alexnet/pytorch/utils_.py b/cv/classification/alexnet/pytorch/utils_.py index 2a25edf2a95b3c59987c640e71e91fd15cbecc89..3adf157dadd95a7213f29eedd7288ad725f8b17a 100644 --- a/cv/classification/alexnet/pytorch/utils_.py +++ b/cv/classification/alexnet/pytorch/utils_.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cbam/pytorch/train_imagenet.py b/cv/classification/cbam/pytorch/train_imagenet.py index 46fdcd056293579408568308fc40320a65ec5af5..b188c8a1a352e59b8a7e96202c6d8946b9bdecb6 100644 --- a/cv/classification/cbam/pytorch/train_imagenet.py +++ b/cv/classification/cbam/pytorch/train_imagenet.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cspdarknet53/pytorch/common_utils/dist.py b/cv/classification/cspdarknet53/pytorch/common_utils/dist.py index 767b6ce0008b75447ed75016f7e973ab086b992e..f556707d9067171a7bd45be80902561ead65b9fc 100644 --- a/cv/classification/cspdarknet53/pytorch/common_utils/dist.py +++ b/cv/classification/cspdarknet53/pytorch/common_utils/dist.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cspdarknet53/pytorch/common_utils/metric_logger.py b/cv/classification/cspdarknet53/pytorch/common_utils/metric_logger.py index ab9c61b0ba26212fb9404268bfd6f681a35f66c7..eadf5fe15b43f0a7ead082568ba52d0f5e690257 100644 --- a/cv/classification/cspdarknet53/pytorch/common_utils/metric_logger.py +++ b/cv/classification/cspdarknet53/pytorch/common_utils/metric_logger.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cspdarknet53/pytorch/common_utils/smooth_value.py b/cv/classification/cspdarknet53/pytorch/common_utils/smooth_value.py index 8c1fadae25ec148a0af2cc55a544e098d6393247..3360b91f6811ed94a70c263927044b570d5f220a 100644 --- a/cv/classification/cspdarknet53/pytorch/common_utils/smooth_value.py +++ b/cv/classification/cspdarknet53/pytorch/common_utils/smooth_value.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cspdarknet53/pytorch/dataloader/classification.py b/cv/classification/cspdarknet53/pytorch/dataloader/classification.py index 317a9874e0c561de93b0eae48f3e664422447974..a6c0a6b6d2b0f2b1c9fb83c55825aa712cf500c2 100644 --- a/cv/classification/cspdarknet53/pytorch/dataloader/classification.py +++ b/cv/classification/cspdarknet53/pytorch/dataloader/classification.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cspdarknet53/pytorch/dataloader/dali_classification.py b/cv/classification/cspdarknet53/pytorch/dataloader/dali_classification.py index 2918bef662408deb14f4ca3b500a64b65bdcc28d..3662fdd166c7c18377c7f19f573f425181384c06 100644 --- a/cv/classification/cspdarknet53/pytorch/dataloader/dali_classification.py +++ b/cv/classification/cspdarknet53/pytorch/dataloader/dali_classification.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cspdarknet53/pytorch/dataloader/utils/presets_classification.py b/cv/classification/cspdarknet53/pytorch/dataloader/utils/presets_classification.py index 59688a9595b8c1d2d8b2a9f23c228da63b047a06..f1f58abbde3bae63dbbc8b4a8375a5f697fb0499 100644 --- a/cv/classification/cspdarknet53/pytorch/dataloader/utils/presets_classification.py +++ b/cv/classification/cspdarknet53/pytorch/dataloader/utils/presets_classification.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cspdarknet53/pytorch/train.py b/cv/classification/cspdarknet53/pytorch/train.py index 9afa8dc9d1b45673d223f0b195e4bf36dce18615..233a98102f817df915996086e9b6bc47583cbbcd 100644 --- a/cv/classification/cspdarknet53/pytorch/train.py +++ b/cv/classification/cspdarknet53/pytorch/train.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/cspdarknet53/pytorch/utils_.py b/cv/classification/cspdarknet53/pytorch/utils_.py index 2a25edf2a95b3c59987c640e71e91fd15cbecc89..3adf157dadd95a7213f29eedd7288ad725f8b17a 100644 --- a/cv/classification/cspdarknet53/pytorch/utils_.py +++ b/cv/classification/cspdarknet53/pytorch/utils_.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/densenet/pytorch/train.py b/cv/classification/densenet/pytorch/train.py index 0eed17975745cbbd78bba4d26722acf96871d5c2..0c12754adc6b6db5e9804dde59dd368d103c9fdf 100755 --- a/cv/classification/densenet/pytorch/train.py +++ b/cv/classification/densenet/pytorch/train.py @@ -1,3 +1,4 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. # @@ -12,7 +13,6 @@ # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. import datetime import os diff --git a/cv/classification/googlenet/pytorch/train.py b/cv/classification/googlenet/pytorch/train.py index d52564e38540c93c98f99c164c1d6ecd900fb0a9..ab579c17cbab4eb85636db12a644358c948978f4 100755 --- a/cv/classification/googlenet/pytorch/train.py +++ b/cv/classification/googlenet/pytorch/train.py @@ -1,3 +1,4 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. # @@ -12,7 +13,6 @@ # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. import datetime import os diff --git a/cv/classification/googlenet/pytorch/utils_.py b/cv/classification/googlenet/pytorch/utils_.py index f5eb8708d1b922be1d989abe1d9524ead3df82bd..31a4eebae6523619f7715662594b3dd52613580f 100755 --- a/cv/classification/googlenet/pytorch/utils_.py +++ b/cv/classification/googlenet/pytorch/utils_.py @@ -1,3 +1,4 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. # @@ -12,8 +13,6 @@ # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - from collections import defaultdict, deque, OrderedDict import copy diff --git a/cv/classification/internimage/pytorch/dataset/build.py b/cv/classification/internimage/pytorch/dataset/build.py index 5f5e0db1f31452985692de46c1ffb7a631004644..41cc92cdf2fe4c7c18fe400a3e8347c772b9d207 100644 --- a/cv/classification/internimage/pytorch/dataset/build.py +++ b/cv/classification/internimage/pytorch/dataset/build.py @@ -1,22 +1,11 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. -# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. +# # Licensed under The MIT License [see LICENSE for details] # -------------------------------------------------------- -# -# Licensed under the Apache License, Version 2.0 (the "License"); you may -# not use this file except in compliance with the License. You may obtain -# a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, WITHOUT -# WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the -# License for the specific language governing permissions and limitations -# under the License. import os import torch diff --git a/cv/classification/lenet/pytorch/train.py b/cv/classification/lenet/pytorch/train.py index 9547ae777add021e1014d83d0b6ff9606a10bdf2..7683d8cb747f37786fb001b6d59c5d898190c899 100755 --- a/cv/classification/lenet/pytorch/train.py +++ b/cv/classification/lenet/pytorch/train.py @@ -1,3 +1,4 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. # @@ -12,7 +13,6 @@ # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. import datetime import os diff --git a/cv/classification/lenet/pytorch/utils_.py b/cv/classification/lenet/pytorch/utils_.py index f5eb8708d1b922be1d989abe1d9524ead3df82bd..31a4eebae6523619f7715662594b3dd52613580f 100755 --- a/cv/classification/lenet/pytorch/utils_.py +++ b/cv/classification/lenet/pytorch/utils_.py @@ -1,3 +1,4 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. # @@ -12,8 +13,6 @@ # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - from collections import defaultdict, deque, OrderedDict import copy diff --git a/cv/classification/squeezenet/pytorch/common_utils/dist.py b/cv/classification/squeezenet/pytorch/common_utils/dist.py index e412913d3549a262b62f98f3c847d84d50b1428b..27b7f2a3571ecaba43243b7a2db63c2629ce13c7 100644 --- a/cv/classification/squeezenet/pytorch/common_utils/dist.py +++ b/cv/classification/squeezenet/pytorch/common_utils/dist.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/squeezenet/pytorch/common_utils/metric_logger.py b/cv/classification/squeezenet/pytorch/common_utils/metric_logger.py index 224fc6eda8ea14ae9f837ca083a21eab10ea855a..74b3b332dcb89a8185b98a84af08e226c128ed68 100644 --- a/cv/classification/squeezenet/pytorch/common_utils/metric_logger.py +++ b/cv/classification/squeezenet/pytorch/common_utils/metric_logger.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/squeezenet/pytorch/common_utils/smooth_value.py b/cv/classification/squeezenet/pytorch/common_utils/smooth_value.py index 4a6bc5e518f64bc601c6140d5398790b04aa979a..04510c138830116fa7358264787894b7d01c217c 100644 --- a/cv/classification/squeezenet/pytorch/common_utils/smooth_value.py +++ b/cv/classification/squeezenet/pytorch/common_utils/smooth_value.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/squeezenet/pytorch/dataloader/utils/presets_classification.py b/cv/classification/squeezenet/pytorch/dataloader/utils/presets_classification.py index 59688a9595b8c1d2d8b2a9f23c228da63b047a06..e7880e24e080d7519f51dd38d0f6f1d536311f50 100644 --- a/cv/classification/squeezenet/pytorch/dataloader/utils/presets_classification.py +++ b/cv/classification/squeezenet/pytorch/dataloader/utils/presets_classification.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/squeezenet/pytorch/train.py b/cv/classification/squeezenet/pytorch/train.py index afdadaafcac472596daa19d062551de06edf9aed..4dca33a3c51ae2931ff50094ebcba4c44e6afb46 100644 --- a/cv/classification/squeezenet/pytorch/train.py +++ b/cv/classification/squeezenet/pytorch/train.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/squeezenet/pytorch/utils_.py b/cv/classification/squeezenet/pytorch/utils_.py index 027d6bcee4e7783ab199b0df93f55e01e6bfca0f..31a4eebae6523619f7715662594b3dd52613580f 100644 --- a/cv/classification/squeezenet/pytorch/utils_.py +++ b/cv/classification/squeezenet/pytorch/utils_.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/classification/xception/pytorch/train.py b/cv/classification/xception/pytorch/train.py index 3e4f823ba6ff66539b8bd9a90a95a94dbe4d19a1..808f27d1cf8cc8d592557660c6a0c9cefa4decfa 100755 --- a/cv/classification/xception/pytorch/train.py +++ b/cv/classification/xception/pytorch/train.py @@ -1,3 +1,4 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. # @@ -12,7 +13,6 @@ # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. import datetime import os diff --git a/cv/classification/xception/pytorch/utils_.py b/cv/classification/xception/pytorch/utils_.py index f5eb8708d1b922be1d989abe1d9524ead3df82bd..31a4eebae6523619f7715662594b3dd52613580f 100755 --- a/cv/classification/xception/pytorch/utils_.py +++ b/cv/classification/xception/pytorch/utils_.py @@ -1,3 +1,4 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. # @@ -12,8 +13,6 @@ # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - from collections import defaultdict, deque, OrderedDict import copy diff --git a/cv/detection/autoassign/pytorch/mmdet/datasets/__init__.py b/cv/detection/autoassign/pytorch/mmdet/datasets/__init__.py index 8ac07ae5b6b697afa8b0531f801c093cdbb444ce..c91025936288aebe5fa75abdbfb467f432a1e550 100755 --- a/cv/detection/autoassign/pytorch/mmdet/datasets/__init__.py +++ b/cv/detection/autoassign/pytorch/mmdet/datasets/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .builder import DATASETS, PIPELINES, build_dataloader, build_dataset from .coco import CocoDataset from .custom import CustomDataset diff --git a/cv/detection/autoassign/pytorch/mmdet/datasets/pipelines/__init__.py b/cv/detection/autoassign/pytorch/mmdet/datasets/pipelines/__init__.py index 0d21d21f6dd3edf133337955cfc849bd50a11c14..4ce7bebfeeaf10fe5aea9fdbcad7d2878bbd0929 100755 --- a/cv/detection/autoassign/pytorch/mmdet/datasets/pipelines/__init__.py +++ b/cv/detection/autoassign/pytorch/mmdet/datasets/pipelines/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .compose import Compose from .formatting import (Collect, DefaultFormatBundle, ImageToTensor, ToDataContainer, ToTensor, Transpose, to_tensor) diff --git a/cv/detection/autoassign/pytorch/mmdet/models/backbones/__init__.py b/cv/detection/autoassign/pytorch/mmdet/models/backbones/__init__.py index 7180d08bea3df7baef0347fa1609bf7340204c04..ee5926e2c76dcd1b2597103d558df624c3aa77d8 100755 --- a/cv/detection/autoassign/pytorch/mmdet/models/backbones/__init__.py +++ b/cv/detection/autoassign/pytorch/mmdet/models/backbones/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .resnet import ResNet, ResNetV1d diff --git a/cv/detection/autoassign/pytorch/mmdet/models/dense_heads/__init__.py b/cv/detection/autoassign/pytorch/mmdet/models/dense_heads/__init__.py index 06cd1b42f81006f877859b1d25b20e6ac997519d..cc53dbc892f64bdaf14b9b0e6943698fc548b61a 100755 --- a/cv/detection/autoassign/pytorch/mmdet/models/dense_heads/__init__.py +++ b/cv/detection/autoassign/pytorch/mmdet/models/dense_heads/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .anchor_free_head import AnchorFreeHead from .atss_head import ATSSHead from .autoassign_head import AutoAssignHead diff --git a/cv/detection/autoassign/pytorch/mmdet/models/detectors/__init__.py b/cv/detection/autoassign/pytorch/mmdet/models/detectors/__init__.py index fb8ce183a3ef080be162c43b4765341e0fbee825..9051b6b5f5c4cbcdc8de2c51e66bbccc4410566d 100755 --- a/cv/detection/autoassign/pytorch/mmdet/models/detectors/__init__.py +++ b/cv/detection/autoassign/pytorch/mmdet/models/detectors/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .autoassign import AutoAssign diff --git a/cv/detection/autoassign/pytorch/mmdet/models/losses/__init__.py b/cv/detection/autoassign/pytorch/mmdet/models/losses/__init__.py index 7741cb605b114e5e49901d1fc2514af66a5b990c..bc21fee2012c24ecb70a07953906901c9a1a1f08 100755 --- a/cv/detection/autoassign/pytorch/mmdet/models/losses/__init__.py +++ b/cv/detection/autoassign/pytorch/mmdet/models/losses/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .accuracy import Accuracy, accuracy from .cross_entropy_loss import (CrossEntropyLoss, binary_cross_entropy, cross_entropy, mask_cross_entropy) diff --git a/cv/detection/autoassign/pytorch/mmdet/models/necks/__init__.py b/cv/detection/autoassign/pytorch/mmdet/models/necks/__init__.py index e3f6a68a2bfce57795a14cacc5403c362f093230..80e9d536c36da1b8c67c0a4a56e42072c2c47b07 100755 --- a/cv/detection/autoassign/pytorch/mmdet/models/necks/__init__.py +++ b/cv/detection/autoassign/pytorch/mmdet/models/necks/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .fpn import FPN diff --git a/cv/detection/pvanet/pytorch/train.py b/cv/detection/pvanet/pytorch/train.py index 33c30ee9b10c22841c8cfacb9473c2a4ee25d05d..1bfccc663399121842c37b0fdc75b89dbb0a3b90 100755 --- a/cv/detection/pvanet/pytorch/train.py +++ b/cv/detection/pvanet/pytorch/train.py @@ -1,6 +1,6 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/detection/retinanet/pytorch/common_utils/dist.py b/cv/detection/retinanet/pytorch/common_utils/dist.py index 78e5010ecf0b1d4299e932f4f0976d2541d8f585..6b6fe4154a72a5058941063c1de74824fffdc1de 100644 --- a/cv/detection/retinanet/pytorch/common_utils/dist.py +++ b/cv/detection/retinanet/pytorch/common_utils/dist.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict, deque import datetime diff --git a/cv/detection/retinanet/pytorch/common_utils/metric_logger.py b/cv/detection/retinanet/pytorch/common_utils/metric_logger.py index 7d4c963ad21b2e1f15935887624feffbc7e5707a..2c70e32fc8833e435b34184e15cbf2475f06f4fe 100644 --- a/cv/detection/retinanet/pytorch/common_utils/metric_logger.py +++ b/cv/detection/retinanet/pytorch/common_utils/metric_logger.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict import datetime diff --git a/cv/detection/retinanet/pytorch/common_utils/smooth_value.py b/cv/detection/retinanet/pytorch/common_utils/smooth_value.py index e83996ca20291e79e9860eca6108a2f92d4ba287..32c7e6337564b05051ab14570e7ce0b494b57a90 100644 --- a/cv/detection/retinanet/pytorch/common_utils/smooth_value.py +++ b/cv/detection/retinanet/pytorch/common_utils/smooth_value.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict, deque import datetime diff --git a/cv/detection/retinanet/pytorch/dataloader/utils/coco_utils.py b/cv/detection/retinanet/pytorch/dataloader/utils/coco_utils.py index b0e69647370a6b343abdca6a3a3dca37d07d66b8..4cc0b0f2ba41fcc10778321fffb89d40cd346917 100644 --- a/cv/detection/retinanet/pytorch/dataloader/utils/coco_utils.py +++ b/cv/detection/retinanet/pytorch/dataloader/utils/coco_utils.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import copy import os diff --git a/cv/detection/retinanet/pytorch/dataloader/utils/pascal_voc.py b/cv/detection/retinanet/pytorch/dataloader/utils/pascal_voc.py index b05b606683b255003a412b60295c6af27a46f70d..d8c46a4c2ce1c30cc30953a0cb86dcf71c4377e9 100644 --- a/cv/detection/retinanet/pytorch/dataloader/utils/pascal_voc.py +++ b/cv/detection/retinanet/pytorch/dataloader/utils/pascal_voc.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import OrderedDict import cv2 diff --git a/cv/detection/retinanet/pytorch/dataloader/utils/presets_detection.py b/cv/detection/retinanet/pytorch/dataloader/utils/presets_detection.py index 9c50debfac413264147fa886bb8113a7a3e9fca4..5263e1bb491a18238a90c413701d7b92f5f5522d 100644 --- a/cv/detection/retinanet/pytorch/dataloader/utils/presets_detection.py +++ b/cv/detection/retinanet/pytorch/dataloader/utils/presets_detection.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from . import transforms_det as T diff --git a/cv/detection/retinanet/pytorch/dataloader/utils/presets_segmentation.py b/cv/detection/retinanet/pytorch/dataloader/utils/presets_segmentation.py index 6c23e2b32852571d37fcf5f1a33725c3f36b95b5..b123f231465bddcba6bc854ea1b70246a3364ac4 100644 --- a/cv/detection/retinanet/pytorch/dataloader/utils/presets_segmentation.py +++ b/cv/detection/retinanet/pytorch/dataloader/utils/presets_segmentation.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from . import transforms_seg as T diff --git a/cv/detection/retinanet/pytorch/dataloader/utils/transforms_det.py b/cv/detection/retinanet/pytorch/dataloader/utils/transforms_det.py index 14f573c89ee36dd93db32904c770571578c96ea7..a2d9ac82582e2a33a23662ab5820c634fb242901 100644 --- a/cv/detection/retinanet/pytorch/dataloader/utils/transforms_det.py +++ b/cv/detection/retinanet/pytorch/dataloader/utils/transforms_det.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import sys from typing import List, Tuple, Dict, Optional diff --git a/cv/detection/retinanet/pytorch/engine.py b/cv/detection/retinanet/pytorch/engine.py index 7f21fe49eb6f4b692441f25950603f20dfd8241d..0e64fb571bd3133596f0048daebc301de903f8cf 100644 --- a/cv/detection/retinanet/pytorch/engine.py +++ b/cv/detection/retinanet/pytorch/engine.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import math import sys diff --git a/cv/detection/retinanet/pytorch/train.py b/cv/detection/retinanet/pytorch/train.py index b88dfb7d2c6acb1e429e96b8bbd79716d30d6eda..2ea0c330bc99d2a4311367339efbc739c75b3112 100644 --- a/cv/detection/retinanet/pytorch/train.py +++ b/cv/detection/retinanet/pytorch/train.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. r"""PyTorch Detection Training. diff --git a/cv/detection/yolof/pytorch/mmcv/__init__.py b/cv/detection/yolof/pytorch/mmcv/__init__.py index b41b49aeb671260f8f1cc00ac844e3a1975338d2..35a219513c52e2f096ef59edc49a61a5ce362f95 100755 --- a/cv/detection/yolof/pytorch/mmcv/__init__.py +++ b/cv/detection/yolof/pytorch/mmcv/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/detection/yolof/pytorch/mmcv/cnn/bricks/__init__.py b/cv/detection/yolof/pytorch/mmcv/cnn/bricks/__init__.py index 02ec44932e318025f2abb4561741872ca49ccd2c..9093fedb03b9144a75c800d5af5e22afa5a51993 100755 --- a/cv/detection/yolof/pytorch/mmcv/cnn/bricks/__init__.py +++ b/cv/detection/yolof/pytorch/mmcv/cnn/bricks/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. from .activation import build_activation_layer from .conv import build_conv_layer from .conv_module import ConvModule diff --git a/cv/detection/yolof/pytorch/mmcv/ops/__init__.py b/cv/detection/yolof/pytorch/mmcv/ops/__init__.py index b2063c0f93d7ec1ede264a7d93176091b417ef44..a35ad38f11727fdf14fd5fea05abd2c28d654f55 100755 --- a/cv/detection/yolof/pytorch/mmcv/ops/__init__.py +++ b/cv/detection/yolof/pytorch/mmcv/ops/__init__.py @@ -1,6 +1,7 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. + from .info import (get_compiler_version, get_compiling_cuda_version) from .nms import nms, batched_nms from .focal_loss import SigmoidFocalLoss, sigmoid_focal_loss diff --git a/cv/detection/yolof/pytorch/mmdet/apis/__init__.py b/cv/detection/yolof/pytorch/mmdet/apis/__init__.py index 664340f7b5216c757f8d63e1f1f1913e63dbb636..b578cc958f15bc8a468b0da3df79bf76e9001ede 100755 --- a/cv/detection/yolof/pytorch/mmdet/apis/__init__.py +++ b/cv/detection/yolof/pytorch/mmdet/apis/__init__.py @@ -1,6 +1,7 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. + from .test import multi_gpu_test, single_gpu_test from .train import (get_root_logger, init_random_seed, set_random_seed, train_detector) diff --git a/cv/detection/yolof/pytorch/mmdet/core/__init__.py b/cv/detection/yolof/pytorch/mmdet/core/__init__.py index 1c02fc7399fd9eaf90b09f308011dd8729503812..12aa42327b7563232a619ffc4fa042436580635f 100755 --- a/cv/detection/yolof/pytorch/mmdet/core/__init__.py +++ b/cv/detection/yolof/pytorch/mmdet/core/__init__.py @@ -1,6 +1,7 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. + from .anchor import * # noqa: F401, F403 from .bbox import * # noqa: F401, F403 from .evaluation import * # noqa: F401, F403 diff --git a/cv/detection/yolof/pytorch/mmdet/core/anchor/__init__.py b/cv/detection/yolof/pytorch/mmdet/core/anchor/__init__.py index 4ee8ebadb4e2c7f9f7e759a516c34b2a6dd265eb..63730ca803740f4b421d65d9bb88c477dc158d6a 100755 --- a/cv/detection/yolof/pytorch/mmdet/core/anchor/__init__.py +++ b/cv/detection/yolof/pytorch/mmdet/core/anchor/__init__.py @@ -1,6 +1,7 @@ +# # Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# # Copyright (c) OpenMMLab. All rights reserved. + from .anchor_generator import AnchorGenerator from .builder import PRIOR_GENERATORS, build_prior_generator from .utils import anchor_inside_flags, images_to_levels diff --git a/cv/detection/yolof/pytorch/mmdet/datasets/__init__.py b/cv/detection/yolof/pytorch/mmdet/datasets/__init__.py index 7f1c7ace3c7ba618944cbf969929eb8c74bd70fd..2874cbf41de467e1fc6baeda111d14cd267b1bae 100755 --- a/cv/detection/yolof/pytorch/mmdet/datasets/__init__.py +++ b/cv/detection/yolof/pytorch/mmdet/datasets/__init__.py @@ -1,6 +1,7 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. + from .builder import DATASETS, PIPELINES, build_dataloader, build_dataset from .coco import CocoDataset from .dataset_wrappers import (ClassBalancedDataset, ConcatDataset, diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/__init__.py b/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/__init__.py index 7e5120b13d3d3518987d922168c0f436bcce317e..198519d5065f1e266b80d99e2bfc9a8c95bef666 100644 --- a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/__init__.py +++ b/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .builder import DATASETS, PIPELINES, build_dataloader, build_dataset from .coco import CocoDataset from .custom import CustomDataset diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/__init__.py b/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/__init__.py index e722b3697789409e450cbaedb8d5b943ccdb5f33..e9048278d9e1a1aeb5440d0b42ef7eee86ceab47 100644 --- a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/__init__.py +++ b/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .compose import Compose from .formatting import (Collect, DefaultFormatBundle, ImageToTensor, ToDataContainer, ToTensor, Transpose, to_tensor) diff --git a/cv/ocr/satrn/pytorch/base/apis/__init__.py b/cv/ocr/satrn/pytorch/base/apis/__init__.py index 1084de43fe2d895b40fcced2b4522b165edfb50c..6708a6fd3145d12471cd50b52f976446cbd3eb97 100755 --- a/cv/ocr/satrn/pytorch/base/apis/__init__.py +++ b/cv/ocr/satrn/pytorch/base/apis/__init__.py @@ -1,6 +1,7 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. + from .train import init_random_seed, train_detector from .utils import (disable_text_recog_aug_test, replace_image_to_tensor, tensor2grayimgs) diff --git a/cv/ocr/satrn/pytorch/base/ocrcv/__init__.py b/cv/ocr/satrn/pytorch/base/ocrcv/__init__.py index 11f0f23a077dc9d3536bab8a83d4ad9be2f27bb5..01fa080e4a2cafeca9da8aebe4d8c09c4ce9e90c 100755 --- a/cv/ocr/satrn/pytorch/base/ocrcv/__init__.py +++ b/cv/ocr/satrn/pytorch/base/ocrcv/__init__.py @@ -1,6 +1,7 @@ +# Copyright (c) Open-MMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) Open-MMLab. All rights reserved. + from .fileio import * from .image import * from .utils import * diff --git a/cv/ocr/satrn/pytorch/base/ocrcv/runner/epoch_based_runner.py b/cv/ocr/satrn/pytorch/base/ocrcv/runner/epoch_based_runner.py index a1bcb60f5d3db9c11f82d52bae9941fddc7262e3..6bf0673203d3c135117ba1d63132311a9a0cb202 100755 --- a/cv/ocr/satrn/pytorch/base/ocrcv/runner/epoch_based_runner.py +++ b/cv/ocr/satrn/pytorch/base/ocrcv/runner/epoch_based_runner.py @@ -1,5 +1,6 @@ # Copyright (c) Open-MMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os.path as osp import platform diff --git a/cv/semantic_segmentation/apcnet/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/semantic_segmentation/apcnet/pytorch/mmcv/runner/hooks/iter_timer.py index 6bde4d52c35e0a13dd26a215853e2470072b09bc..16531be962d80e2d4f35bea488ec424badf34d93 100644 --- a/cv/semantic_segmentation/apcnet/pytorch/mmcv/runner/hooks/iter_timer.py +++ b/cv/semantic_segmentation/apcnet/pytorch/mmcv/runner/hooks/iter_timer.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import time import torch.distributed as dist diff --git a/cv/semantic_segmentation/apcnet/pytorch/mmseg/apis/train.py b/cv/semantic_segmentation/apcnet/pytorch/mmseg/apis/train.py index 473adef285519c1c07e341082b7ccab584929cd4..9be063785b55c9a9e31a7797fc0fb2a1e11440c7 100644 --- a/cv/semantic_segmentation/apcnet/pytorch/mmseg/apis/train.py +++ b/cv/semantic_segmentation/apcnet/pytorch/mmseg/apis/train.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import random import warnings diff --git a/cv/semantic_segmentation/att_unet/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/semantic_segmentation/att_unet/pytorch/mmcv/runner/hooks/iter_timer.py index 6bde4d52c35e0a13dd26a215853e2470072b09bc..16531be962d80e2d4f35bea488ec424badf34d93 100644 --- a/cv/semantic_segmentation/att_unet/pytorch/mmcv/runner/hooks/iter_timer.py +++ b/cv/semantic_segmentation/att_unet/pytorch/mmcv/runner/hooks/iter_timer.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import time import torch.distributed as dist diff --git a/cv/semantic_segmentation/att_unet/pytorch/mmseg/apis/train.py b/cv/semantic_segmentation/att_unet/pytorch/mmseg/apis/train.py index 473adef285519c1c07e341082b7ccab584929cd4..9be063785b55c9a9e31a7797fc0fb2a1e11440c7 100644 --- a/cv/semantic_segmentation/att_unet/pytorch/mmseg/apis/train.py +++ b/cv/semantic_segmentation/att_unet/pytorch/mmseg/apis/train.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import random import warnings diff --git a/cv/semantic_segmentation/ddrnet/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/semantic_segmentation/ddrnet/pytorch/mmcv/runner/hooks/iter_timer.py index 6bde4d52c35e0a13dd26a215853e2470072b09bc..16531be962d80e2d4f35bea488ec424badf34d93 100644 --- a/cv/semantic_segmentation/ddrnet/pytorch/mmcv/runner/hooks/iter_timer.py +++ b/cv/semantic_segmentation/ddrnet/pytorch/mmcv/runner/hooks/iter_timer.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import time import torch.distributed as dist diff --git a/cv/semantic_segmentation/ddrnet/pytorch/mmseg/apis/train.py b/cv/semantic_segmentation/ddrnet/pytorch/mmseg/apis/train.py index 76c49642ade8bfb7280c772296cacfa1173e9081..a6dd8cc89531c4592579afdf2e1375e2ef61806d 100644 --- a/cv/semantic_segmentation/ddrnet/pytorch/mmseg/apis/train.py +++ b/cv/semantic_segmentation/ddrnet/pytorch/mmseg/apis/train.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import random import warnings diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmcv/cnn/__init__.py b/cv/semantic_segmentation/gcnet/pytorch/mmcv/cnn/__init__.py index 285e49012974946ddcd9214f4822c91ab24ccfd7..e431dd72097a64d0807c5e91b03ed985c9aff03f 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmcv/cnn/__init__.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmcv/cnn/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmcv/cnn/bricks/__init__.py b/cv/semantic_segmentation/gcnet/pytorch/mmcv/cnn/bricks/__init__.py index 6e416f88c4bbea4faa6c8ca38b97a2e9c0a39f82..a012b5d564867d95ad8440c748e82a36ba7448ce 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmcv/cnn/bricks/__init__.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmcv/cnn/bricks/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmcv/ops/__init__.py b/cv/semantic_segmentation/gcnet/pytorch/mmcv/ops/__init__.py index 91c9e4ee39054167602b77c2f9eb9285f3581c49..b53f3843bb9e3829f345495e6e04733e2985a25f 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmcv/ops/__init__.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmcv/ops/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/semantic_segmentation/gcnet/pytorch/mmcv/runner/hooks/iter_timer.py index 38df1a058e6fbdadab5271edc9b34f09e0478046..0d11c2ce83a31860724cad1f7d24984eba66c5af 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmcv/runner/hooks/iter_timer.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmcv/runner/hooks/iter_timer.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import time import torch.distributed as dist diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmseg/apis/__init__.py b/cv/semantic_segmentation/gcnet/pytorch/mmseg/apis/__init__.py index 955aba66621957a9d7a558b2298e91431277095d..4ab7b61d1424868874607dd4bcacba9d89c1698e 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmseg/apis/__init__.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmseg/apis/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmseg/datasets/__init__.py b/cv/semantic_segmentation/gcnet/pytorch/mmseg/datasets/__init__.py index a61d7c98f9a94a24a460a9f6db34ea9cf3702cbb..cc1a30aa0dcaf351501beefa46a3f9752bda827d 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmseg/datasets/__init__.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmseg/datasets/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/decode_heads/__init__.py b/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/decode_heads/__init__.py index 1b4fb2c03147aee775d9f498e303f84e301f2f09..45d97b96b90aca630f089da4efbffb87e01b5df1 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/decode_heads/__init__.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/decode_heads/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/losses/__init__.py b/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/losses/__init__.py index c01bb549f6b24ae5c955a224122bf6754480e595..ef29f75899ec3802fe49f52cbe991fb0f6144add 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/losses/__init__.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/losses/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/segmentors/__init__.py b/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/segmentors/__init__.py index f58df7590950be5c907879733cd7efdf14375710..8dcb8632ab215193042ad98028f01c1ecef52f49 100755 --- a/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/segmentors/__init__.py +++ b/cv/semantic_segmentation/gcnet/pytorch/mmseg/models/segmentors/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/__init__.py b/cv/semantic_segmentation/icnet/pytorch/model/__init__.py index 0f4f51982c3ac6b1ea547959809a48f799c248bf..bc38096b30aacea8ad624b0f48699fa9d392256d 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/__init__.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/builder.py b/cv/semantic_segmentation/icnet/pytorch/model/builder.py index d9ddd746138ee48034b5b3a7bf2ced238ddf5e4b..bfa81f548a293f5963d80d66e81bb825711835d6 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/builder.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/builder.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/build.py b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/build.py index ec1c34cbd0387df61109dd1134b7cb18457360c2..16776254a4a6e8027cf05f2bba668e24d3929bf8 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/build.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/build.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/eespnet.py b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/eespnet.py index 603415dfc397d80fdcea94e3024cd7500e297e64..6ef5fe18e6e8eed685233e7ffaa8e765b497f51c 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/eespnet.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/eespnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/hrnet.py b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/hrnet.py index fb6936b9ce55251f0f1eda9c0ba1e1a5f879f5cf..3d5536cffc346595718e85b3f1c8a1afdc31de4a 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/hrnet.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/hrnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/mobilenet.py b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/mobilenet.py index 3541a4cde7fb57ca60ba60ef98855962df473c5c..bb3f98d80defb2cfe763cb608566c8ba1b7a0cc3 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/mobilenet.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/mobilenet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/resnet.py b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/resnet.py index b62d8dfda9ba7dceaa36f25ffbe24cbbba11b56b..2e7aa422133abf9272f22cf248fc40ccc4a4e000 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/resnet.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/resnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/xception.py b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/xception.py index e9d0da4a28567f7cd914b37797671c3fb5849cab..52d0e09995a83f74316bd8dacaea803a42d399f4 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/xception.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/models/backbones/xception.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/models/icnet.py b/cv/semantic_segmentation/icnet/pytorch/model/models/icnet.py index 5ad59c06d8c04ee6ec421c7f768341f89b1c1341..68b653dbdc402215534ddee22d8f4814845ef010 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/models/icnet.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/models/icnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/models/segbase.py b/cv/semantic_segmentation/icnet/pytorch/model/models/segbase.py index eb1523f0ae880ce6093a814df505c708db8736b6..cd553623cdb9a3703d4be131b295551298d8fbae 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/models/segbase.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/models/segbase.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/modules/module.py b/cv/semantic_segmentation/icnet/pytorch/model/modules/module.py index 2a0cea95b9e445181027423834113634e8d84669..f0dfa2b2f0502ce4f5cd45357b5c3f871ee375e1 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/modules/module.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/modules/module.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/utils/__init__.py b/cv/semantic_segmentation/icnet/pytorch/model/utils/__init__.py index 2e4bb41ab1725c976f9ed6c204ded283107f0799..92dfbf8e9da259f472c872a41b340d50610ffd88 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/utils/__init__.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/utils/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/icnet/pytorch/model/utils/registry.py b/cv/semantic_segmentation/icnet/pytorch/model/utils/registry.py index d564bd2cd85d3df1cce9af4fdedb436b6d687deb..970c452a7e9c91eef6ebe12bc69dc68b2d70933b 100644 --- a/cv/semantic_segmentation/icnet/pytorch/model/utils/registry.py +++ b/cv/semantic_segmentation/icnet/pytorch/model/utils/registry.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/__init__.py b/cv/semantic_segmentation/lednet/pytorch/model/__init__.py index 0f4f51982c3ac6b1ea547959809a48f799c248bf..bc38096b30aacea8ad624b0f48699fa9d392256d 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/__init__.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/builder.py b/cv/semantic_segmentation/lednet/pytorch/model/builder.py index 1e3955584afa1e7f4ac2dec7124140b8e0008fee..ef581021812bd2893de005b7f07f4e2910d69223 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/builder.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/builder.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/build.py b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/build.py index ec1c34cbd0387df61109dd1134b7cb18457360c2..16776254a4a6e8027cf05f2bba668e24d3929bf8 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/build.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/build.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/eespnet.py b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/eespnet.py index 603415dfc397d80fdcea94e3024cd7500e297e64..6ef5fe18e6e8eed685233e7ffaa8e765b497f51c 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/eespnet.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/eespnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/hrnet.py b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/hrnet.py index fb6936b9ce55251f0f1eda9c0ba1e1a5f879f5cf..3d5536cffc346595718e85b3f1c8a1afdc31de4a 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/hrnet.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/hrnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/mobilenet.py b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/mobilenet.py index 3541a4cde7fb57ca60ba60ef98855962df473c5c..bb3f98d80defb2cfe763cb608566c8ba1b7a0cc3 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/mobilenet.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/mobilenet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/resnet.py b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/resnet.py index b62d8dfda9ba7dceaa36f25ffbe24cbbba11b56b..2e7aa422133abf9272f22cf248fc40ccc4a4e000 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/resnet.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/resnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/xception.py b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/xception.py index e9d0da4a28567f7cd914b37797671c3fb5849cab..52d0e09995a83f74316bd8dacaea803a42d399f4 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/xception.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/models/backbones/xception.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/models/lednet.py b/cv/semantic_segmentation/lednet/pytorch/model/models/lednet.py index acc3e55f7fe4f6275ec1ec2e619068fdbddbbbc0..676f8edbaef2bc0cb3ad7fc09164976a78339937 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/models/lednet.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/models/lednet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/models/segbase.py b/cv/semantic_segmentation/lednet/pytorch/model/models/segbase.py index eb1523f0ae880ce6093a814df505c708db8736b6..cd553623cdb9a3703d4be131b295551298d8fbae 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/models/segbase.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/models/segbase.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/modules/module.py b/cv/semantic_segmentation/lednet/pytorch/model/modules/module.py index 2a0cea95b9e445181027423834113634e8d84669..f0dfa2b2f0502ce4f5cd45357b5c3f871ee375e1 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/modules/module.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/modules/module.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/utils/__init__.py b/cv/semantic_segmentation/lednet/pytorch/model/utils/__init__.py index 2e4bb41ab1725c976f9ed6c204ded283107f0799..92dfbf8e9da259f472c872a41b340d50610ffd88 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/utils/__init__.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/utils/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/lednet/pytorch/model/utils/registry.py b/cv/semantic_segmentation/lednet/pytorch/model/utils/registry.py index d564bd2cd85d3df1cce9af4fdedb436b6d687deb..970c452a7e9c91eef6ebe12bc69dc68b2d70933b 100644 --- a/cv/semantic_segmentation/lednet/pytorch/model/utils/registry.py +++ b/cv/semantic_segmentation/lednet/pytorch/model/utils/registry.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/builder.py b/cv/semantic_segmentation/ocnet/pytorch/model/builder.py index d93e83c38c7611f1a600d83b711106e72397415b..dfe7e994f442619de931660800072fb8bdd6efc3 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/builder.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/builder.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/__init__.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/__init__.py index bb49925cd5995c0ff9e385fc28b39c922a8f6846..cd7000da406c5956e1fa900c73e549db2fd4354b 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/__init__.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/build.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/build.py index ec1c34cbd0387df61109dd1134b7cb18457360c2..16776254a4a6e8027cf05f2bba668e24d3929bf8 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/build.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/build.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/eespnet.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/eespnet.py index 603415dfc397d80fdcea94e3024cd7500e297e64..6ef5fe18e6e8eed685233e7ffaa8e765b497f51c 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/eespnet.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/eespnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/hrnet.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/hrnet.py index bd8d8b117eb70ea4d4bf2f1655882f26f1ee5e23..fcfba805466a1b6a1d8e03a03b44d5659c0c9391 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/hrnet.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/hrnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/mobilenet.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/mobilenet.py index 3541a4cde7fb57ca60ba60ef98855962df473c5c..bb3f98d80defb2cfe763cb608566c8ba1b7a0cc3 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/mobilenet.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/mobilenet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/resnet.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/resnet.py index fa4fcc2b1b475a2382606f5d77b5a568317efa58..10e202dd09259919d7d8b43b02486d88a69bc93f 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/resnet.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/resnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/xception.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/xception.py index e9d0da4a28567f7cd914b37797671c3fb5849cab..52d0e09995a83f74316bd8dacaea803a42d399f4 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/xception.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/backbones/xception.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/ocnet.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/ocnet.py index 2b2bf8044f43c73661fb46239321f37a119a6846..868ed7f57dbfe621bdffef7a464bfe63a797c3ad 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/ocnet.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/ocnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/models/segbase.py b/cv/semantic_segmentation/ocnet/pytorch/model/models/segbase.py index eb1523f0ae880ce6093a814df505c708db8736b6..cd553623cdb9a3703d4be131b295551298d8fbae 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/models/segbase.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/models/segbase.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/modules/module.py b/cv/semantic_segmentation/ocnet/pytorch/model/modules/module.py index e0a3c6616b282be6aa3110a62cfb3791dc2901d9..adec7a2cd359e29b5d7d085c01037fbd3f995144 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/modules/module.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/modules/module.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocnet/pytorch/model/utils/registry.py b/cv/semantic_segmentation/ocnet/pytorch/model/utils/registry.py index 128b4bc11573dc6d3fefcfdf81a10361cdab00bb..b0f74413d917a03cf2de8d561ac248177a031bba 100644 --- a/cv/semantic_segmentation/ocnet/pytorch/model/utils/registry.py +++ b/cv/semantic_segmentation/ocnet/pytorch/model/utils/registry.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/core/function.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/core/function.py index 603d736e94087828ed0bf45515a1246a2a309d11..f430a1aedc5851dd398df302a8fbfa610a86624a 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/core/function.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/core/function.py @@ -1,6 +1,8 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. +# # Licensed under the MIT License. # Written by Ke Sun (sunk@mail.ustc.edu.cn) # ------------------------------------------------------------------------------ diff --git a/cv/semantic_segmentation/ocrnet/pytorch/tools/train.py b/cv/semantic_segmentation/ocrnet/pytorch/tools/train.py index 44d270bc1098f2526aec8583226c12694d251e1e..4693fb0d3ce41db1bfd0cdbe43fabada4350857a 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/tools/train.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/tools/train.py @@ -1,6 +1,8 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. +# # Licensed under the MIT License. # Written by Ke Sun (sunk@mail.ustc.edu.cn) # ------------------------------------------------------------------------------ diff --git a/cv/semantic_segmentation/psanet/pytorch/model/base_model/__init__.py b/cv/semantic_segmentation/psanet/pytorch/model/base_model/__init__.py index 23e35de9c18e1eb97a03bb50bf2f7e058d5cfb53..e1356a428b920df9f5fde3950f54857e96487121 100644 --- a/cv/semantic_segmentation/psanet/pytorch/model/base_model/__init__.py +++ b/cv/semantic_segmentation/psanet/pytorch/model/base_model/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/psanet/pytorch/model/base_model/resnet.py b/cv/semantic_segmentation/psanet/pytorch/model/base_model/resnet.py index 421bf556d29a921b50f4923c19edb81e5c745bb3..3358a6814d662490ba1265fc1e64604872c1522f 100644 --- a/cv/semantic_segmentation/psanet/pytorch/model/base_model/resnet.py +++ b/cv/semantic_segmentation/psanet/pytorch/model/base_model/resnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/psanet/pytorch/model/base_model/xception.py b/cv/semantic_segmentation/psanet/pytorch/model/base_model/xception.py index 719cf38c0de6afba8dfc3b70d9605f39b0d17f5c..251c4b4ba38b0dae49896b81c3ffb3fbf2e9b0f7 100644 --- a/cv/semantic_segmentation/psanet/pytorch/model/base_model/xception.py +++ b/cv/semantic_segmentation/psanet/pytorch/model/base_model/xception.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/psanet/pytorch/model/psanet/psanet_r101_v1c.py b/cv/semantic_segmentation/psanet/pytorch/model/psanet/psanet_r101_v1c.py index 6b3b1468a4e20717af516bbca2181eacbfd0d8dc..9557677b95c704131f23815624b7f39b6e359e02 100644 --- a/cv/semantic_segmentation/psanet/pytorch/model/psanet/psanet_r101_v1c.py +++ b/cv/semantic_segmentation/psanet/pytorch/model/psanet/psanet_r101_v1c.py @@ -1,6 +1,6 @@ +# Copyright (c) TorchSeg. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) TorchSeg. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/psanet/pytorch/model/psanet/psanet_r50_v1c.py b/cv/semantic_segmentation/psanet/pytorch/model/psanet/psanet_r50_v1c.py index 4b2a09e498d24661376b12caffd375f75f20708c..c354e86d3ce0f47c7dca50ae60615cf0f07a2e32 100644 --- a/cv/semantic_segmentation/psanet/pytorch/model/psanet/psanet_r50_v1c.py +++ b/cv/semantic_segmentation/psanet/pytorch/model/psanet/psanet_r50_v1c.py @@ -1,6 +1,6 @@ +# Copyright (c) TorchSeg. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) TorchSeg. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/pspnet/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/semantic_segmentation/pspnet/pytorch/mmcv/runner/hooks/iter_timer.py index 6bde4d52c35e0a13dd26a215853e2470072b09bc..16531be962d80e2d4f35bea488ec424badf34d93 100644 --- a/cv/semantic_segmentation/pspnet/pytorch/mmcv/runner/hooks/iter_timer.py +++ b/cv/semantic_segmentation/pspnet/pytorch/mmcv/runner/hooks/iter_timer.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import time import torch.distributed as dist diff --git a/cv/semantic_segmentation/pspnet/pytorch/mmseg/apis/train.py b/cv/semantic_segmentation/pspnet/pytorch/mmseg/apis/train.py index 473adef285519c1c07e341082b7ccab584929cd4..9be063785b55c9a9e31a7797fc0fb2a1e11440c7 100644 --- a/cv/semantic_segmentation/pspnet/pytorch/mmseg/apis/train.py +++ b/cv/semantic_segmentation/pspnet/pytorch/mmseg/apis/train.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import random import warnings diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/builder.py b/cv/semantic_segmentation/refinenet/pytorch/model/builder.py index 98e2a11db2e8d79affdf6c3b8205ddf52068021c..c4f7e1da8997f3a7dda41c1eee2c51ccf7405697 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/builder.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/builder.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/__init__.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/__init__.py index d41c7dabbb8aeb8be2c594eb58a9878a6e8e3609..a1d4b16642bc22c88a1c732a24a55cf7ff5c5425 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/__init__.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/build.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/build.py index ec1c34cbd0387df61109dd1134b7cb18457360c2..16776254a4a6e8027cf05f2bba668e24d3929bf8 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/build.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/build.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/eespnet.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/eespnet.py index 603415dfc397d80fdcea94e3024cd7500e297e64..6ef5fe18e6e8eed685233e7ffaa8e765b497f51c 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/eespnet.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/eespnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/hrnet.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/hrnet.py index bd8d8b117eb70ea4d4bf2f1655882f26f1ee5e23..fcfba805466a1b6a1d8e03a03b44d5659c0c9391 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/hrnet.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/hrnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/mobilenet.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/mobilenet.py index 3541a4cde7fb57ca60ba60ef98855962df473c5c..bb3f98d80defb2cfe763cb608566c8ba1b7a0cc3 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/mobilenet.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/mobilenet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/resnet.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/resnet.py index 7f664aab3b1abee662fb3f7043c876bd281af7f2..10e202dd09259919d7d8b43b02486d88a69bc93f 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/resnet.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/resnet.py @@ -1,7 +1,6 @@ - +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/xception.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/xception.py index e9d0da4a28567f7cd914b37797671c3fb5849cab..52d0e09995a83f74316bd8dacaea803a42d399f4 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/xception.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/backbones/xception.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/refinenet.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/refinenet.py index 1ce19472beed055f6148e61c1e1e22f7059e6bf0..20cdd15d8276d19d8b6217091025bd009e59f390 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/refinenet.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/refinenet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/models/segbase.py b/cv/semantic_segmentation/refinenet/pytorch/model/models/segbase.py index eb1523f0ae880ce6093a814df505c708db8736b6..cd553623cdb9a3703d4be131b295551298d8fbae 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/models/segbase.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/models/segbase.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/modules/module.py b/cv/semantic_segmentation/refinenet/pytorch/model/modules/module.py index e0a3c6616b282be6aa3110a62cfb3791dc2901d9..adec7a2cd359e29b5d7d085c01037fbd3f995144 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/modules/module.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/modules/module.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/refinenet/pytorch/model/utils/registry.py b/cv/semantic_segmentation/refinenet/pytorch/model/utils/registry.py index 128b4bc11573dc6d3fefcfdf81a10361cdab00bb..b0f74413d917a03cf2de8d561ac248177a031bba 100644 --- a/cv/semantic_segmentation/refinenet/pytorch/model/utils/registry.py +++ b/cv/semantic_segmentation/refinenet/pytorch/model/utils/registry.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/stdc/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/semantic_segmentation/stdc/pytorch/mmcv/runner/hooks/iter_timer.py index 6bde4d52c35e0a13dd26a215853e2470072b09bc..16531be962d80e2d4f35bea488ec424badf34d93 100644 --- a/cv/semantic_segmentation/stdc/pytorch/mmcv/runner/hooks/iter_timer.py +++ b/cv/semantic_segmentation/stdc/pytorch/mmcv/runner/hooks/iter_timer.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import time import torch.distributed as dist diff --git a/cv/semantic_segmentation/stdc/pytorch/mmseg/apis/train.py b/cv/semantic_segmentation/stdc/pytorch/mmseg/apis/train.py index 473adef285519c1c07e341082b7ccab584929cd4..9be063785b55c9a9e31a7797fc0fb2a1e11440c7 100644 --- a/cv/semantic_segmentation/stdc/pytorch/mmseg/apis/train.py +++ b/cv/semantic_segmentation/stdc/pytorch/mmseg/apis/train.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import random import warnings diff --git a/cv/semantic_segmentation/torchvision/pytorch/common_utils/dist.py b/cv/semantic_segmentation/torchvision/pytorch/common_utils/dist.py index 78e5010ecf0b1d4299e932f4f0976d2541d8f585..6b6fe4154a72a5058941063c1de74824fffdc1de 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/common_utils/dist.py +++ b/cv/semantic_segmentation/torchvision/pytorch/common_utils/dist.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict, deque import datetime diff --git a/cv/semantic_segmentation/torchvision/pytorch/common_utils/metric_logger.py b/cv/semantic_segmentation/torchvision/pytorch/common_utils/metric_logger.py index 7d4c963ad21b2e1f15935887624feffbc7e5707a..2c70e32fc8833e435b34184e15cbf2475f06f4fe 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/common_utils/metric_logger.py +++ b/cv/semantic_segmentation/torchvision/pytorch/common_utils/metric_logger.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict import datetime diff --git a/cv/semantic_segmentation/torchvision/pytorch/common_utils/smooth_value.py b/cv/semantic_segmentation/torchvision/pytorch/common_utils/smooth_value.py index e83996ca20291e79e9860eca6108a2f92d4ba287..32c7e6337564b05051ab14570e7ce0b494b57a90 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/common_utils/smooth_value.py +++ b/cv/semantic_segmentation/torchvision/pytorch/common_utils/smooth_value.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict, deque import datetime diff --git a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/coco_seg_utils.py b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/coco_seg_utils.py index 1a0409d0e28f368a26144f677e5c010f3fa2ff88..27d30b1d27c4bde776794cbb1b3e10a0c90a927c 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/coco_seg_utils.py +++ b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/coco_seg_utils.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import copy import torch diff --git a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/coco_utils.py b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/coco_utils.py index b0e69647370a6b343abdca6a3a3dca37d07d66b8..4cc0b0f2ba41fcc10778321fffb89d40cd346917 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/coco_utils.py +++ b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/coco_utils.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import copy import os diff --git a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/pascal_voc.py b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/pascal_voc.py index b05b606683b255003a412b60295c6af27a46f70d..d8c46a4c2ce1c30cc30953a0cb86dcf71c4377e9 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/pascal_voc.py +++ b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/pascal_voc.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import OrderedDict import cv2 diff --git a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/presets_segmentation.py b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/presets_segmentation.py index 6c23e2b32852571d37fcf5f1a33725c3f36b95b5..b123f231465bddcba6bc854ea1b70246a3364ac4 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/presets_segmentation.py +++ b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/presets_segmentation.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from . import transforms_seg as T diff --git a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/transforms_seg.py b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/transforms_seg.py index 9f408dc1255c7bf3b6f0e9757cfbbea0307a3cc5..db9efbd8485c6300463a4aebee2f3cb839d1be06 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/transforms_seg.py +++ b/cv/semantic_segmentation/torchvision/pytorch/dataloader/utils/transforms_seg.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import numpy as np from PIL import Image diff --git a/cv/semantic_segmentation/torchvision/pytorch/train.py b/cv/semantic_segmentation/torchvision/pytorch/train.py index 3ef737308fd8262f8f4c6ebf3ce0e3c1c36665a5..9f997a3abcb4a67e138bade68592dbcc5508c520 100644 --- a/cv/semantic_segmentation/torchvision/pytorch/train.py +++ b/cv/semantic_segmentation/torchvision/pytorch/train.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import datetime import os diff --git a/cv/semantic_segmentation/unet++/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/semantic_segmentation/unet++/pytorch/mmcv/runner/hooks/iter_timer.py index 6bde4d52c35e0a13dd26a215853e2470072b09bc..16531be962d80e2d4f35bea488ec424badf34d93 100644 --- a/cv/semantic_segmentation/unet++/pytorch/mmcv/runner/hooks/iter_timer.py +++ b/cv/semantic_segmentation/unet++/pytorch/mmcv/runner/hooks/iter_timer.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import time import torch.distributed as dist diff --git a/cv/semantic_segmentation/unet++/pytorch/mmseg/apis/train.py b/cv/semantic_segmentation/unet++/pytorch/mmseg/apis/train.py index 473adef285519c1c07e341082b7ccab584929cd4..9be063785b55c9a9e31a7797fc0fb2a1e11440c7 100644 --- a/cv/semantic_segmentation/unet++/pytorch/mmseg/apis/train.py +++ b/cv/semantic_segmentation/unet++/pytorch/mmseg/apis/train.py @@ -1,5 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import random import warnings diff --git a/cv/semantic_segmentation/unet++/pytorch/mmseg/datasets/pipelines/transforms.py b/cv/semantic_segmentation/unet++/pytorch/mmseg/datasets/pipelines/transforms.py index 0b1a95fa66a564de6a3685c96bd95d3e3a6a074f..56b50f337a994a6ab592a8b6f1cca005bba3e748 100644 --- a/cv/semantic_segmentation/unet++/pytorch/mmseg/datasets/pipelines/transforms.py +++ b/cv/semantic_segmentation/unet++/pytorch/mmseg/datasets/pipelines/transforms.py @@ -1,5 +1,7 @@ # Copyright (c) OpenMMLab. All rights reserved. -# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. All Rights Reserved. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import copy import mmcv diff --git a/cv/semantic_segmentation/unet/pytorch/model/builder.py b/cv/semantic_segmentation/unet/pytorch/model/builder.py index 42ce76ad9cd0ff0e61db04d45588a5536c87de41..21784a4c88cfffbfe4077f2d7e7f0c8117876833 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/builder.py +++ b/cv/semantic_segmentation/unet/pytorch/model/builder.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/__init__.py b/cv/semantic_segmentation/unet/pytorch/model/models/__init__.py index 114b89d6bcfc53aa5d9ff4bc5bd399a8653a92e3..1b74c26a96bfdd628c5e6e4ccdd0b9015882f94b 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/__init__.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/__init__.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/build.py b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/build.py index ec1c34cbd0387df61109dd1134b7cb18457360c2..16776254a4a6e8027cf05f2bba668e24d3929bf8 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/build.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/build.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/eespnet.py b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/eespnet.py index 603415dfc397d80fdcea94e3024cd7500e297e64..6ef5fe18e6e8eed685233e7ffaa8e765b497f51c 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/eespnet.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/eespnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/hrnet.py b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/hrnet.py index bd8d8b117eb70ea4d4bf2f1655882f26f1ee5e23..fcfba805466a1b6a1d8e03a03b44d5659c0c9391 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/hrnet.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/hrnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/mobilenet.py b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/mobilenet.py index 3541a4cde7fb57ca60ba60ef98855962df473c5c..bb3f98d80defb2cfe763cb608566c8ba1b7a0cc3 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/mobilenet.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/mobilenet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/resnet.py b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/resnet.py index fa4fcc2b1b475a2382606f5d77b5a568317efa58..10e202dd09259919d7d8b43b02486d88a69bc93f 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/resnet.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/resnet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/xception.py b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/xception.py index e9d0da4a28567f7cd914b37797671c3fb5849cab..52d0e09995a83f74316bd8dacaea803a42d399f4 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/backbones/xception.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/backbones/xception.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/segbase.py b/cv/semantic_segmentation/unet/pytorch/model/models/segbase.py index eb1523f0ae880ce6093a814df505c708db8736b6..cd553623cdb9a3703d4be131b295551298d8fbae 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/segbase.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/segbase.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/models/unet.py b/cv/semantic_segmentation/unet/pytorch/model/models/unet.py index c65815e8a8be7be570e80e61b40c643fbfc6e32c..0856a2d4e371c480e5ba356caa75928b6af98f91 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/models/unet.py +++ b/cv/semantic_segmentation/unet/pytorch/model/models/unet.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/modules/module.py b/cv/semantic_segmentation/unet/pytorch/model/modules/module.py index e0a3c6616b282be6aa3110a62cfb3791dc2901d9..adec7a2cd359e29b5d7d085c01037fbd3f995144 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/modules/module.py +++ b/cv/semantic_segmentation/unet/pytorch/model/modules/module.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet/pytorch/model/utils/registry.py b/cv/semantic_segmentation/unet/pytorch/model/utils/registry.py index 128b4bc11573dc6d3fefcfdf81a10361cdab00bb..b0f74413d917a03cf2de8d561ac248177a031bba 100644 --- a/cv/semantic_segmentation/unet/pytorch/model/utils/registry.py +++ b/cv/semantic_segmentation/unet/pytorch/model/utils/registry.py @@ -1,6 +1,6 @@ +# Copyright (c) SegmenTron. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) SegmenTron. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/semantic_segmentation/unet3d/pytorch/common_utils/dist.py b/cv/semantic_segmentation/unet3d/pytorch/common_utils/dist.py index 35b927d7c1a7fb577acce9c33d4f71f12f386418..ce1f87807a72f661763ccbe0dd59c8a0fdcb8858 100644 --- a/cv/semantic_segmentation/unet3d/pytorch/common_utils/dist.py +++ b/cv/semantic_segmentation/unet3d/pytorch/common_utils/dist.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict, deque import datetime diff --git a/cv/semantic_segmentation/unet3d/pytorch/common_utils/metric_logger.py b/cv/semantic_segmentation/unet3d/pytorch/common_utils/metric_logger.py index 7d4c963ad21b2e1f15935887624feffbc7e5707a..2c70e32fc8833e435b34184e15cbf2475f06f4fe 100644 --- a/cv/semantic_segmentation/unet3d/pytorch/common_utils/metric_logger.py +++ b/cv/semantic_segmentation/unet3d/pytorch/common_utils/metric_logger.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict import datetime diff --git a/cv/semantic_segmentation/unet3d/pytorch/common_utils/smooth_value.py b/cv/semantic_segmentation/unet3d/pytorch/common_utils/smooth_value.py index e83996ca20291e79e9860eca6108a2f92d4ba287..32c7e6337564b05051ab14570e7ce0b494b57a90 100644 --- a/cv/semantic_segmentation/unet3d/pytorch/common_utils/smooth_value.py +++ b/cv/semantic_segmentation/unet3d/pytorch/common_utils/smooth_value.py @@ -1,6 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. - +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import defaultdict, deque import datetime diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/__init__.py b/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/__init__.py index ddc8511908c4d941993f310330503833d7907443..c364917d647f3eb53d95bb697afeaae881229623 100755 --- a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/__init__.py +++ b/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .base_dataset import BaseDataset from .base_sr_dataset import BaseSRDataset from .builder import build_dataloader, build_dataset diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/__init__.py b/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/__init__.py index 99f89af3ba8fc5b5e3a845f4283c86fa73aad2c6..e903c0403b06285328c0179659d88660632f230f 100755 --- a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/__init__.py +++ b/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .augmentation import (BinarizeImage, ColorJitter, CopyValues, Flip, GenerateFrameIndices, GenerateFrameIndiceswithPadding, diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/__init__.py b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/__init__.py index 0a9fc9499b6b1464cdee5465ab9f17806f7c8b7b..2c71bad9b63dee63465748c7c91d235d9ce49314 100755 --- a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/__init__.py +++ b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .backbones import * # noqa: F401, F403 from .base import BaseModel from .builder import (build, build_backbone, build_component, build_loss, diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/__init__.py b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/__init__.py index ce2c0f37fb5256faefde7b3e65bafcbc488527f5..378f899971f8e9c2a484f6dc7d87720a50ddb2d6 100755 --- a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/__init__.py +++ b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .sr_backbones import (BasicVSRNet, BasicVSRPlusPlus, ) diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/__init__.py b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/__init__.py index 9d976a9917d9db6afec909eea1e6a13fc82fd6e0..3f19614c3a941b9eec8226dbb1d2246c759689f3 100755 --- a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/__init__.py +++ b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .basicvsr_net import BasicVSRNet from .basicvsr_pp import BasicVSRPlusPlus diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/__init__.py b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/__init__.py index 339ee05c329d64512ab8f1fe1a7d64069b6011df..67fe30665fa92a85574791f5d1f0ce3fc2caebfe 100755 --- a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/__init__.py +++ b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .pixelwise_loss import CharbonnierLoss, L1Loss, MaskedTVLoss, MSELoss from .utils import mask_reduce_loss, reduce_loss diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/__init__.py b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/__init__.py index 0583dd0292dc5fd95319600e0bcc7ecad9e77292..a39a17a6cf1f7451d2362de5f84f263cd6f60528 100755 --- a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/__init__.py +++ b/cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .basic_restorer import BasicRestorer from .basicvsr import BasicVSR diff --git a/cv/super_resolution/basicVSR++/pytorch/train.py b/cv/super_resolution/basicVSR++/pytorch/train.py index 3da19786e41e5c549bf2bb898e5f719f834864be..d85aabcad4de4da2b1e82dc4be4263598089936a 100755 --- a/cv/super_resolution/basicVSR++/pytorch/train.py +++ b/cv/super_resolution/basicVSR++/pytorch/train.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import argparse import copy import os diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py b/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py index 99f89af3ba8fc5b5e3a845f4283c86fa73aad2c6..e903c0403b06285328c0179659d88660632f230f 100755 --- a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py +++ b/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .augmentation import (BinarizeImage, ColorJitter, CopyValues, Flip, GenerateFrameIndices, GenerateFrameIndiceswithPadding, diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/__init__.py b/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/__init__.py index 1135342f34974a93a6eb3c6cf0250a8510ce4df6..cf8e5e116be0a5ffe0a5eb87f78d861bdcf9782d 100755 --- a/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/__init__.py +++ b/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .sr_backbones import (BasicVSRNet, IconVSR) diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py b/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py index ae4736fd241f56377a8dc5cd696852332f0669b4..15779858ad87904deec9646d474893d9fde8b69f 100755 --- a/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py +++ b/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .basicvsr_net import BasicVSRNet from .iconvsr import IconVSR diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/__init__.py b/cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/__init__.py index 339ee05c329d64512ab8f1fe1a7d64069b6011df..67fe30665fa92a85574791f5d1f0ce3fc2caebfe 100755 --- a/cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/__init__.py +++ b/cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .pixelwise_loss import CharbonnierLoss, L1Loss, MaskedTVLoss, MSELoss from .utils import mask_reduce_loss, reduce_loss diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/__init__.py b/cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/__init__.py index 2493e965a38533a2b388f5729666ed8b3d4f0f19..97becd5ed9b3e9a701f7e1356d079435332afc76 100755 --- a/cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/__init__.py +++ b/cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .basic_restorer import BasicRestorer from .basicvsr import BasicVSR diff --git a/cv/super_resolution/basicVSR/pytorch/train.py b/cv/super_resolution/basicVSR/pytorch/train.py index 3da19786e41e5c549bf2bb898e5f719f834864be..d85aabcad4de4da2b1e82dc4be4263598089936a 100755 --- a/cv/super_resolution/basicVSR/pytorch/train.py +++ b/cv/super_resolution/basicVSR/pytorch/train.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import argparse import copy import os diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/datasets/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/datasets/__init__.py index 4de1c3ca2f77ed1c7683ea2156065e773a1c9ca2..72805084f95701313adc0d436fd321bdd6e61ced 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/datasets/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/datasets/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .base_dataset import BaseDataset from .base_sr_dataset import BaseSRDataset from .builder import build_dataloader, build_dataset diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/datasets/pipelines/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/datasets/pipelines/__init__.py index 3b854fbbad8875682268f27effd46bb518c1e68f..07d4e48c34de735a4fbe2c93f702fefdd8d85886 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/datasets/pipelines/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/datasets/pipelines/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .augmentation import (BinarizeImage, ColorJitter, CopyValues, Flip, GenerateFrameIndices, GenerateFrameIndiceswithPadding, diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/models/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/models/__init__.py index 6f60e26444ed4adb235c40a5e8b42e986646c342..afbd44b6d060bb583088e803d02492548982d0c7 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/models/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/models/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .backbones import * # noqa: F401, F403 from .base import BaseModel from .builder import (build, build_backbone, build_component, build_loss, diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/models/backbones/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/models/backbones/__init__.py index c9e85d4eb5d0269279b995e00fe77ffdc154e9bf..c838004ff86d8d1fbee93be77905786a53586d9a 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/models/backbones/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/models/backbones/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .sr_backbones import RRDBNet diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/models/backbones/sr_backbones/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/models/backbones/sr_backbones/__init__.py index 4351612b94d2063e0cd3ab55d8118bc83914641f..aaa64767b0fe08b769e3a5d769e880cfb4ecebfc 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/models/backbones/sr_backbones/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/models/backbones/sr_backbones/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .rrdb_net import RRDBNet diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/models/components/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/models/components/__init__.py index 269a88f5c71d088bbe453bae32c3da27f098dfb0..1184b5667c20ce8564fcc9bb99510b137b334d02 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/models/components/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/models/components/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .discriminators import ModifiedVGG diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/models/components/discriminators/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/models/components/discriminators/__init__.py index b40cb7c29b44e02716e117ccb54dcc2714d84eb2..81d7240bc2c472ebf2fa4670cc015f31157fd94f 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/models/components/discriminators/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/models/components/discriminators/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .modified_vgg import ModifiedVGG diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/models/losses/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/models/losses/__init__.py index a55b2aab2e8d54e02f803b15868a4be85fd948ab..1ca5b5d6dae0e47fb6448ddb15f6843a6f92822d 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/models/losses/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/models/losses/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .gan_loss import DiscShiftLoss, GANLoss, GaussianBlur, GradientPenaltyLoss from .perceptual_loss import (PerceptualLoss, PerceptualVGG, TransferalPerceptualLoss) diff --git a/cv/super_resolution/esrgan/pytorch/mmedit/models/restorers/__init__.py b/cv/super_resolution/esrgan/pytorch/mmedit/models/restorers/__init__.py index 7cc6a41c6e54033487b987992c90109fd15c9600..f1e647f7510eae579834a9412a9530134eaece68 100755 --- a/cv/super_resolution/esrgan/pytorch/mmedit/models/restorers/__init__.py +++ b/cv/super_resolution/esrgan/pytorch/mmedit/models/restorers/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .esrgan import ESRGAN from .srgan import SRGAN from .basic_restorer import BasicRestorer diff --git a/cv/super_resolution/esrgan/pytorch/train.py b/cv/super_resolution/esrgan/pytorch/train.py index 7f36ed42a80b3b64b4f8c2b9b5c293b5e51ffd70..e04d89bc43a4172c63c250ec1a804c265ac50f89 100755 --- a/cv/super_resolution/esrgan/pytorch/train.py +++ b/cv/super_resolution/esrgan/pytorch/train.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import argparse import copy import os diff --git a/cv/super_resolution/liif/pytorch/mmedit/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/__init__.py index d54482a8892df8cc878436c99cd87fd833469edd..b26e6a312aa6c009051657a19e36a6bb51a98d89 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import mmcv from .version import __version__, version_info diff --git a/cv/super_resolution/liif/pytorch/mmedit/apis/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/apis/__init__.py index 3bdc96db87109ab715983cc22e2d91b27367e22b..164bab286ece524768d027474de7789970637eda 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/apis/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/apis/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .restoration_inference import restoration_inference from .test import multi_gpu_test, single_gpu_test from .train import init_random_seed, set_random_seed, train_model diff --git a/cv/super_resolution/liif/pytorch/mmedit/core/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/core/__init__.py index 4c22f3be314f720d500c3e30953b076811b36e33..5d4159e7c0f0e054b5f9030bc2b4b58e02c5c0ea 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/core/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/core/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .evaluation import (DistEvalIterHook, EvalIterHook, L1Evaluation, mae, mse, psnr, reorder_image, sad, ssim) from .hooks import VisualizationHook diff --git a/cv/super_resolution/liif/pytorch/mmedit/core/evaluation/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/core/evaluation/__init__.py index 71f73c8c0d754c0c88804b5ce4c09101adb9dacd..a81681152b712bae357b2596a30d22c59bfc936d 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/core/evaluation/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/core/evaluation/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .eval_hooks import DistEvalIterHook, EvalIterHook from .metrics import (L1Evaluation, connectivity, gradient_error, mae, mse, psnr, reorder_image, sad, ssim) diff --git a/cv/super_resolution/liif/pytorch/mmedit/datasets/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/datasets/__init__.py index b9cdcefd8f497211f113f5e5d9aab7da19c0188d..da693239ec52897185d21116555c615d20eac91f 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/datasets/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/datasets/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .base_dataset import BaseDataset from .base_sr_dataset import BaseSRDataset from .builder import build_dataloader, build_dataset diff --git a/cv/super_resolution/liif/pytorch/mmedit/datasets/pipelines/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/datasets/pipelines/__init__.py index aa37eaa1bb3ea097b697f74880d519bc4e8554b4..8d8000de7949192df84b7cf8ffaa836634d8beb2 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/datasets/pipelines/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/datasets/pipelines/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .augmentation import (BinarizeImage, ColorJitter, CopyValues, Flip, GenerateFrameIndices, GenerateFrameIndiceswithPadding, diff --git a/cv/super_resolution/liif/pytorch/mmedit/models/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/models/__init__.py index d369082b6994262109600776547053d1548cf06c..b536c616cb52ed690fe0626dc700cea970aabed8 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/models/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/models/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .backbones import * # noqa: F401, F403 from .base import BaseModel from .builder import (build, build_backbone, build_component, build_loss, diff --git a/cv/super_resolution/liif/pytorch/mmedit/models/backbones/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/models/backbones/__init__.py index 6170b0506671fc584d33b54f990ca517f61346c5..97a52c43a9b386ac9d7b5f5cfc01a753bce29d8c 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/models/backbones/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/models/backbones/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .sr_backbones import (LIIFEDSR, LIIFRDN, EDSR, RDN) diff --git a/cv/super_resolution/liif/pytorch/mmedit/models/backbones/sr_backbones/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/models/backbones/sr_backbones/__init__.py index 25e540a428bf8dc38b85768d8ba52e7e93858f35..0f4fc69aa94a6ca4d3e792d8177faf7e498ebde9 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/models/backbones/sr_backbones/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/models/backbones/sr_backbones/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .liif_net import LIIFEDSR, LIIFRDN from .edsr import EDSR from .rdn import RDN diff --git a/cv/super_resolution/liif/pytorch/mmedit/models/components/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/models/components/__init__.py index 6760f8852d41e2d2c6d961eef3950cd91885a7cf..7c623831249f0b1f32b3ecfcfa5abf79ba6b0459 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/models/components/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/models/components/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .refiners import MLPRefiner diff --git a/cv/super_resolution/liif/pytorch/mmedit/models/components/refiners/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/models/components/refiners/__init__.py index 4ca125390c6d52d20b42afe102741ca27d9185de..5e9de0729e8d753abd7e91f52a808f7601217952 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/models/components/refiners/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/models/components/refiners/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .mlp_refiner import MLPRefiner diff --git a/cv/super_resolution/liif/pytorch/mmedit/models/losses/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/models/losses/__init__.py index 70f37077ea17704278a5077e1f1475e8335d5452..6fa5741d6425922be777e3079b1b91ad5d95acb4 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/models/losses/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/models/losses/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .pixelwise_loss import CharbonnierLoss, L1Loss, MaskedTVLoss, MSELoss diff --git a/cv/super_resolution/liif/pytorch/mmedit/models/losses/utils.py b/cv/super_resolution/liif/pytorch/mmedit/models/losses/utils.py index 75f1dae26812391427d2fb7438591a48e6659fa6..3a19c0575a9eb85a96b856076392d0820565238c 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/models/losses/utils.py +++ b/cv/super_resolution/liif/pytorch/mmedit/models/losses/utils.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import functools import torch.nn.functional as F diff --git a/cv/super_resolution/liif/pytorch/mmedit/models/restorers/__init__.py b/cv/super_resolution/liif/pytorch/mmedit/models/restorers/__init__.py index 5b41b3d74e41fc56df2a7f1d691954e794e2543d..bae7147e10e897bae1f3090df184947cbd82e0fb 100755 --- a/cv/super_resolution/liif/pytorch/mmedit/models/restorers/__init__.py +++ b/cv/super_resolution/liif/pytorch/mmedit/models/restorers/__init__.py @@ -1,3 +1,5 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .liif import LIIF diff --git a/cv/super_resolution/liif/pytorch/test.py b/cv/super_resolution/liif/pytorch/test.py index 0031ff75e1425f6218000552f58c29f2237112d3..026b4c8a72f47ad2518e8701f312166c996b92bb 100755 --- a/cv/super_resolution/liif/pytorch/test.py +++ b/cv/super_resolution/liif/pytorch/test.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import argparse import os diff --git a/cv/super_resolution/liif/pytorch/train.py b/cv/super_resolution/liif/pytorch/train.py index 9a1068ac985913821d9e6d3e9d2728ab7a8bdbb8..0be099fcf37a111100f4387d302dabceb42568c2 100755 --- a/cv/super_resolution/liif/pytorch/train.py +++ b/cv/super_resolution/liif/pytorch/train.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import argparse import copy import os diff --git a/cv/super_resolution/real_basicVSR/pytorch/crop_sub_images.py b/cv/super_resolution/real_basicVSR/pytorch/crop_sub_images.py index fd96ac79004daaa637b8156ac8501ec7ba509b69..60003e369f6801d80f08219a6d3a2ae6976ed4ee 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/crop_sub_images.py +++ b/cv/super_resolution/real_basicVSR/pytorch/crop_sub_images.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import argparse import os import os.path as osp diff --git a/cv/super_resolution/real_basicVSR/pytorch/mmedit/datasets/__init__.py b/cv/super_resolution/real_basicVSR/pytorch/mmedit/datasets/__init__.py index fffbe59a57cd9238cb26077a14c0703b39715139..ef52be5ec56ca49803d2d8d97d24a271ae5e201b 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/mmedit/datasets/__init__.py +++ b/cv/super_resolution/real_basicVSR/pytorch/mmedit/datasets/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .base_dataset import BaseDataset from .base_sr_dataset import BaseSRDataset from .builder import build_dataloader, build_dataset diff --git a/cv/super_resolution/real_basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py b/cv/super_resolution/real_basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py index 8d0de436a37b7ac710259835c83cf0110bc735e4..c2e2a7e6065bd1db85a968169d8126425e0c382f 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py +++ b/cv/super_resolution/real_basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .augmentation import (BinarizeImage, ColorJitter, CopyValues, Flip, GenerateFrameIndices, GenerateFrameIndiceswithPadding, diff --git a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/__init__.py b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/__init__.py index 854a4acd784d784cc44922cbba6960541b4e0930..f49c97168d84fcaa205879de813b9f76ab71ac3a 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/__init__.py +++ b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .backbones import * # noqa: F401, F403 from .base import BaseModel from .builder import (build, build_backbone, build_component, build_loss, diff --git a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/backbones/__init__.py b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/backbones/__init__.py index 210bb84f19182acaa1868d178a934d530250f9c6..7f65386956678eb9c8c1e41dabd5db1100413a38 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/backbones/__init__.py +++ b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/backbones/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .sr_backbones import RealBasicVSRNet diff --git a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py index b780bbd97bc0ff2cf2511ab2d7bd240255719988..07a19b607d2d2d5145d3e178d2940326300ca3b2 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py +++ b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .basicvsr_net import BasicVSRNet from .real_basicvsr_net import RealBasicVSRNet diff --git a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/components/discriminators/__init__.py b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/components/discriminators/__init__.py index 629a5d2ec13f3ca774bff611e9fc4bb4c4984ace..c372a84761ada4994f2eb45fe9885fa0a8a8313e 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/components/discriminators/__init__.py +++ b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/components/discriminators/__init__.py @@ -1,4 +1,6 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .unet_disc import UNetDiscriminatorWithSpectralNorm diff --git a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/losses/__init__.py b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/losses/__init__.py index 434f552c566c92d39748cabc196bf1a7727c1c47..ac79be43d621c3f71149cfb1b81c401f7bf609d8 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/losses/__init__.py +++ b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/losses/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .gan_loss import DiscShiftLoss, GANLoss, GaussianBlur, GradientPenaltyLoss from .perceptual_loss import (PerceptualLoss, PerceptualVGG, TransferalPerceptualLoss) diff --git a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/restorers/__init__.py b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/restorers/__init__.py index 853a265908fdd664650fc7a6f3207565354174cf..3cee3b6c8c88b79ea973b2e28bc693e613252c81 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/restorers/__init__.py +++ b/cv/super_resolution/real_basicVSR/pytorch/mmedit/models/restorers/__init__.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + from .basic_restorer import BasicRestorer from .real_basicvsr import RealBasicVSR diff --git a/cv/super_resolution/real_basicVSR/pytorch/test.py b/cv/super_resolution/real_basicVSR/pytorch/test.py index 677290483ee7540fa8843f80dacbc14ac88c6199..75f97f8c65f89b06a2b397df9d58a4378c951c03 100644 --- a/cv/super_resolution/real_basicVSR/pytorch/test.py +++ b/cv/super_resolution/real_basicVSR/pytorch/test.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import argparse import os diff --git a/cv/super_resolution/real_basicVSR/pytorch/train.py b/cv/super_resolution/real_basicVSR/pytorch/train.py index 3da19786e41e5c549bf2bb898e5f719f834864be..d85aabcad4de4da2b1e82dc4be4263598089936a 100755 --- a/cv/super_resolution/real_basicVSR/pytorch/train.py +++ b/cv/super_resolution/real_basicVSR/pytorch/train.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import argparse import copy import os diff --git a/cv/super_resolution/ttvsr/pytorch/mmcv/cnn/bricks/activation.py b/cv/super_resolution/ttvsr/pytorch/mmcv/cnn/bricks/activation.py index 9940266cfb3d2460885ee9ff34993f1e8d871c50..673cf5ebbbc92b6dadf2b3a0238813d26176b54b 100755 --- a/cv/super_resolution/ttvsr/pytorch/mmcv/cnn/bricks/activation.py +++ b/cv/super_resolution/ttvsr/pytorch/mmcv/cnn/bricks/activation.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import torch import torch.nn as nn import torch.nn.functional as F diff --git a/cv/super_resolution/ttvsr/pytorch/mmcv/cnn/bricks/context_block.py b/cv/super_resolution/ttvsr/pytorch/mmcv/cnn/bricks/context_block.py index 9d48ab1df9660f027a156d24211b3bb962a88169..95df2a9c4ecb83a3070db5538b039ff61e7368aa 100755 --- a/cv/super_resolution/ttvsr/pytorch/mmcv/cnn/bricks/context_block.py +++ b/cv/super_resolution/ttvsr/pytorch/mmcv/cnn/bricks/context_block.py @@ -1,5 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) OpenMMLab. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. + import torch from torch import nn diff --git a/cv/tracking/fairmot/pytorch/src/lib/opts.py b/cv/tracking/fairmot/pytorch/src/lib/opts.py index e012af29785946d6fe7b6a6eb77c54880b61703e..bf7e250a80121621ab14e88d6782919b09197397 100644 --- a/cv/tracking/fairmot/pytorch/src/lib/opts.py +++ b/cv/tracking/fairmot/pytorch/src/lib/opts.py @@ -1,6 +1,6 @@ +# Copyright (c) ifzhang. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) ifzhang. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/cv/tracking/fairmot/pytorch/src/train.py b/cv/tracking/fairmot/pytorch/src/train.py index 1c3690a1414039892a72c42fb92cbf440b90f551..00f9b9aaa7270531f82c3225fc75ba400fef5568 100644 --- a/cv/tracking/fairmot/pytorch/src/train.py +++ b/cv/tracking/fairmot/pytorch/src/train.py @@ -1,6 +1,6 @@ +# Copyright (c) ifzhang. All Rights Reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) ifzhang. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain diff --git a/nlp/cloze_test/glm/pytorch/GLMForMultiTokenCloze/base/bind_pyt.py b/nlp/cloze_test/glm/pytorch/GLMForMultiTokenCloze/base/bind_pyt.py index 667cd83a69b9a02d86187e0f92882316bc97d773..a565cb4ea6b8e5efdb9aa45fb3b630f765ccefdf 100644 --- a/nlp/cloze_test/glm/pytorch/GLMForMultiTokenCloze/base/bind_pyt.py +++ b/nlp/cloze_test/glm/pytorch/GLMForMultiTokenCloze/base/bind_pyt.py @@ -1,6 +1,6 @@ +# Copyright (c) 2019-2021 NVIDIA CORPORATION. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) 2019-2021 NVIDIA CORPORATION. All rights reserved. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at diff --git a/nlp/dialogue_generation/cpm/pytorch/base/bind_pyt.py b/nlp/dialogue_generation/cpm/pytorch/base/bind_pyt.py index 3e799c850c7ec17b4929b6b246d856e925a7e768..1fb764d3704a3f0a8b25180f533274ad390e3a43 100755 --- a/nlp/dialogue_generation/cpm/pytorch/base/bind_pyt.py +++ b/nlp/dialogue_generation/cpm/pytorch/base/bind_pyt.py @@ -1,6 +1,6 @@ +# Copyright (c) 2019-2021 NVIDIA CORPORATION. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) 2019-2021 NVIDIA CORPORATION. All rights reserved. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at diff --git a/nlp/dialogue_generation/cpm/pytorch/base/model/models/gpt2_modeling.py b/nlp/dialogue_generation/cpm/pytorch/base/model/models/gpt2_modeling.py index d107d8f6f4f51426006469f7b80d416679040561..375dac1af262cb64e465b8f3c0c2bc5747ce4314 100755 --- a/nlp/dialogue_generation/cpm/pytorch/base/model/models/gpt2_modeling.py +++ b/nlp/dialogue_generation/cpm/pytorch/base/model/models/gpt2_modeling.py @@ -1,7 +1,7 @@ # coding=utf-8 +# Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/nlp/dialogue_generation/cpm/pytorch/base/schedulers/learning_rates.py b/nlp/dialogue_generation/cpm/pytorch/base/schedulers/learning_rates.py index cfc7490164ad7efb52cfa094127faf46282a5225..5ce8ab8fb8588eaf618b253774f7234f322bd3b7 100755 --- a/nlp/dialogue_generation/cpm/pytorch/base/schedulers/learning_rates.py +++ b/nlp/dialogue_generation/cpm/pytorch/base/schedulers/learning_rates.py @@ -1,7 +1,7 @@ # coding=utf-8 +# Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/nlp/language_model/bert/pytorch/fwd_loss_bwd_trainer.py b/nlp/language_model/bert/pytorch/fwd_loss_bwd_trainer.py index 2732d6477b403de0b380e86496f359c773635dba..edf734fb447616dc2e91d81725e5ce3fdefcf04a 100644 --- a/nlp/language_model/bert/pytorch/fwd_loss_bwd_trainer.py +++ b/nlp/language_model/bert/pytorch/fwd_loss_bwd_trainer.py @@ -1,7 +1,8 @@ # coding=utf-8 -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # Copyright (c) 2019-2021 NVIDIA CORPORATION. All rights reserved. # Copyright 2020 MLBenchmark Group. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/recommendation/collaborative_filtering/ncf/pytorch/ncf_16.py b/recommendation/collaborative_filtering/ncf/pytorch/ncf_16.py index deaa81277b201e25395255a48202f84b5bff3aba..094a95e9c75b1e7f62584e97fe24a47fa9119089 100755 --- a/recommendation/collaborative_filtering/ncf/pytorch/ncf_16.py +++ b/recommendation/collaborative_filtering/ncf/pytorch/ncf_16.py @@ -1,30 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. -# All Rights Reserved. -# Copyright Declaration: This software, including all of its code and documentation, -# except for the third-party software it contains, is a copyrighted work of Shanghai Iluvatar CoreX -# Semiconductor Co., Ltd. and its affiliates ("Iluvatar CoreX") in accordance with the PRC Copyright -# Law and relevant international treaties, and all rights contained therein are enjoyed by Iluvatar -# CoreX. No user of this software shall have any right, ownership or interest in this software and -# any use of this software shall be in compliance with the terms and conditions of the End User -# License Agreement. - # Copyright (c) 2018, deepakn94, codyaustun, robieta. All rights reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# -# ----------------------------------------------------------------------- -# # Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/recommendation/collaborative_filtering/ncf/pytorch/ncf_32.py b/recommendation/collaborative_filtering/ncf/pytorch/ncf_32.py index 9164347b0b8a717501c8aed77c895ad9095f20ac..04d49d0e8ac14a46d8f530b4272787c3391bfcd8 100755 --- a/recommendation/collaborative_filtering/ncf/pytorch/ncf_32.py +++ b/recommendation/collaborative_filtering/ncf/pytorch/ncf_32.py @@ -1,22 +1,7 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. -# All Rights Reserved. # Copyright (c) 2018, deepakn94, codyaustun, robieta. All rights reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# -# ----------------------------------------------------------------------- -# # Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/recommendation/collaborative_filtering/ncf/pytorch/run_train_fp16.sh b/recommendation/collaborative_filtering/ncf/pytorch/run_train_fp16.sh index eba3ea4972801c072b63111fd190bf53773c10e2..2d92a9919e310677eda11d52cbdb696242433c0d 100755 --- a/recommendation/collaborative_filtering/ncf/pytorch/run_train_fp16.sh +++ b/recommendation/collaborative_filtering/ncf/pytorch/run_train_fp16.sh @@ -1,6 +1,7 @@ +#!/bin/bash +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain @@ -14,8 +15,6 @@ # License for the specific language governing permissions and limitations # under the License. -#!/bin/bash - python3 -m torch.distributed.launch --nproc_per_node=8 \ --master_port 10002 \ ncf_16.py data/ml-20m \ diff --git a/recommendation/collaborative_filtering/ncf/pytorch/run_train_fp32.sh b/recommendation/collaborative_filtering/ncf/pytorch/run_train_fp32.sh index a6610782b6e765d56e37b4a137b18ac0fff2f101..92c0891706e5775241b7cc443788c1bdbabdaad7 100755 --- a/recommendation/collaborative_filtering/ncf/pytorch/run_train_fp32.sh +++ b/recommendation/collaborative_filtering/ncf/pytorch/run_train_fp32.sh @@ -1,6 +1,7 @@ +#!/bin/bash +# Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) OpenMMLab. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain @@ -14,8 +15,6 @@ # License for the specific language governing permissions and limitations # under the License. -#!/bin/bash - python3 -m torch.distributed.launch --nproc_per_node=8 \ --master_port 10002 \ ncf_32.py data/ml-20m \ diff --git a/toolbox/Fairseq/patch/examples/roberta/preprocess_GLUE_tasks.sh b/toolbox/Fairseq/patch/examples/roberta/preprocess_GLUE_tasks.sh index 76a1ca94240d8d005358157f10187700c9ee208a..5238fe37a713caa34bfc91b2515a771f9212fd1a 100644 --- a/toolbox/Fairseq/patch/examples/roberta/preprocess_GLUE_tasks.sh +++ b/toolbox/Fairseq/patch/examples/roberta/preprocess_GLUE_tasks.sh @@ -1,9 +1,10 @@ #!/bin/bash # Copyright (c) Facebook, Inc. and its affiliates. +# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. -# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # raw glue data as downloaded by glue download script (https://gist.github.com/W4ngatang/60c2bdb54d156a41194446737ce03e2e) diff --git a/toolbox/Fairseq/patch/fairseq/data/resampling_dataset.py b/toolbox/Fairseq/patch/fairseq/data/resampling_dataset.py index fdafda3c2a64e64723015b3bd46882f111cf5f55..0374b2b6cdebee293bdf91ebd062ba04361eb6cc 100644 --- a/toolbox/Fairseq/patch/fairseq/data/resampling_dataset.py +++ b/toolbox/Fairseq/patch/fairseq/data/resampling_dataset.py @@ -1,8 +1,10 @@ # Copyright (c) Facebook, Inc. and its affiliates. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. -# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. + import logging diff --git a/toolbox/Fairseq/patch/fairseq/distributed_utils.py b/toolbox/Fairseq/patch/fairseq/distributed_utils.py index bf66d05d48cb02e75d7e1ad6e76b3407ff9ca7fd..d5bb00f0c387be204d03c2bd82cf9ead6d890fc2 100644 --- a/toolbox/Fairseq/patch/fairseq/distributed_utils.py +++ b/toolbox/Fairseq/patch/fairseq/distributed_utils.py @@ -1,8 +1,9 @@ # Copyright (c) Facebook, Inc. and its affiliates. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. -# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. import logging import os diff --git a/toolbox/Fairseq/patch/fairseq/models/bart/model.py b/toolbox/Fairseq/patch/fairseq/models/bart/model.py index 0d50c791859a79e9de692027d111402b51e6f9ae..d4de10e07fe2fdef36af9cee0a5f5a37e11860d1 100644 --- a/toolbox/Fairseq/patch/fairseq/models/bart/model.py +++ b/toolbox/Fairseq/patch/fairseq/models/bart/model.py @@ -1,8 +1,10 @@ # Copyright (c) Facebook, Inc. and its affiliates. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. -# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. + """ BART: Denoising Sequence-to-Sequence Pre-training for Natural Language Generation, Translation, and Comprehension diff --git a/toolbox/Fairseq/patch/fairseq/tasks/sentence_prediction.py b/toolbox/Fairseq/patch/fairseq/tasks/sentence_prediction.py index 2df6ee542625dd608d3de5aeca05035e47fba379..70401032fefaaba75c0f150b2c6b7e390092d610 100644 --- a/toolbox/Fairseq/patch/fairseq/tasks/sentence_prediction.py +++ b/toolbox/Fairseq/patch/fairseq/tasks/sentence_prediction.py @@ -1,8 +1,9 @@ # Copyright (c) Facebook, Inc. and its affiliates. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. -# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. import logging import os diff --git a/toolbox/Fairseq/patch/fairseq/tasks/translation.py b/toolbox/Fairseq/patch/fairseq/tasks/translation.py index 70756a5a9f3d939e2b14d6ce8567a37a964b7796..47e842518d00bbf8f5618b2b1398d2668d4d7f85 100644 --- a/toolbox/Fairseq/patch/fairseq/tasks/translation.py +++ b/toolbox/Fairseq/patch/fairseq/tasks/translation.py @@ -1,8 +1,9 @@ # Copyright (c) Facebook, Inc. and its affiliates. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. -# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. import itertools import json diff --git a/toolbox/Fairseq/patch/fairseq/trainer.py b/toolbox/Fairseq/patch/fairseq/trainer.py index 8e423d25e2ab6004837197349c95e829b1516096..1676c7d6a12234dbed6a4d5033f7dfd778d2d9aa 100644 --- a/toolbox/Fairseq/patch/fairseq/trainer.py +++ b/toolbox/Fairseq/patch/fairseq/trainer.py @@ -1,8 +1,9 @@ # Copyright (c) Facebook, Inc. and its affiliates. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. -# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. """ Train a network across multiple GPUs. diff --git a/toolbox/MMDetection/patch/mmcv/tests/test_ops/test_modulated_deform_conv.py b/toolbox/MMDetection/patch/mmcv/tests/test_ops/test_modulated_deform_conv.py index c5b0b6dcdb2279848fa21aa3846a6720b48fd0e8..4381966da49c5d276eadfd96d9052d4a951980dc 100644 --- a/toolbox/MMDetection/patch/mmcv/tests/test_ops/test_modulated_deform_conv.py +++ b/toolbox/MMDetection/patch/mmcv/tests/test_ops/test_modulated_deform_conv.py @@ -1,7 +1,7 @@ # Copyright (c) OpenMMLab. All rights reserved. # Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. -# All Rights Reserved +# All Rights Reserved. import os diff --git a/toolbox/WeNet/patch/wenet/bin/recognize.py b/toolbox/WeNet/patch/wenet/bin/recognize.py index 86acc4503fd1d9e39b23a67115e4805738fb7032..00d41bd08ae4b02c3b48d3068c705005ad007ee5 100644 --- a/toolbox/WeNet/patch/wenet/bin/recognize.py +++ b/toolbox/WeNet/patch/wenet/bin/recognize.py @@ -1,6 +1,6 @@ +# Copyright (c) 2020 Mobvoi Inc. (authors: Binbin Zhang, Xiaoyu Chen, Di Wu) # Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. -# Copyright (c) 2020 Mobvoi Inc. (authors: Binbin Zhang, Xiaoyu Chen, Di Wu) # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License.