From 30458b8f0e91d6866c6ee3963ebb4374f370a9d3 Mon Sep 17 00:00:00 2001 From: "weizhao.xu" Date: Wed, 13 Sep 2023 15:43:21 +0800 Subject: [PATCH 1/6] copyright formatting link #I80Q7M --- .../core/bbox/coders/smoke_bbox_coder.py | 2 +- .../mmdet3d/core/bbox/structures/utils.py | 2 +- .../mmdet3d/datasets/__init__.py | 2 +- .../mmdet3d/datasets/pipelines/__init__.py | 2 +- .../datasets/pipelines/transforms_3d.py | 2 +- .../models/fusion_layers/coord_transform.py | 2 +- .../models/middle_encoders/__init__.py | 2 +- .../mmdet3d/models/roi_heads/__init__.py | 2 +- .../mmdetection3d/mmdet3d/ops/__init__.py | 2 +- .../mmdet3d/utils/collect_env.py | 2 +- .../alexnet/pytorch/common_utils/dist.py | 2 +- .../pytorch/common_utils/metric_logger.py | 2 +- .../pytorch/common_utils/smooth_value.py | 2 +- .../pytorch/dataloader/classification.py | 2 +- .../pytorch/dataloader/dali_classification.py | 2 +- .../utils/presets_classification.py | 2 +- cv/classification/alexnet/pytorch/train.py | 2 +- cv/classification/alexnet/pytorch/utils_.py | 2 +- .../cbam/pytorch/train_imagenet.py | 2 +- .../cspdarknet53/pytorch/common_utils/dist.py | 2 +- .../pytorch/common_utils/metric_logger.py | 2 +- .../pytorch/common_utils/smooth_value.py | 2 +- .../pytorch/dataloader/classification.py | 2 +- .../pytorch/dataloader/dali_classification.py | 2 +- .../utils/presets_classification.py | 2 +- .../cspdarknet53/pytorch/train.py | 2 +- .../cspdarknet53/pytorch/utils_.py | 2 +- cv/classification/densenet/pytorch/train.py | 2 +- cv/classification/googlenet/pytorch/train.py | 2 +- cv/classification/googlenet/pytorch/utils_.py | 3 +-- .../internimage/pytorch/dataset/build.py | 4 +-- cv/classification/lenet/pytorch/train.py | 2 +- cv/classification/lenet/pytorch/utils_.py | 3 +-- .../squeezenet/pytorch/common_utils/dist.py | 2 +- .../pytorch/common_utils/metric_logger.py | 2 +- .../pytorch/common_utils/smooth_value.py | 2 +- .../utils/presets_classification.py | 2 +- cv/classification/squeezenet/pytorch/train.py | 2 +- .../squeezenet/pytorch/utils_.py | 2 +- cv/classification/xception/pytorch/train.py | 2 +- cv/classification/xception/pytorch/utils_.py | 3 +-- .../pytorch/mmdet/datasets/__init__.py | 4 ++- .../mmdet/datasets/pipelines/__init__.py | 4 ++- .../mmdet/models/backbones/__init__.py | 4 ++- .../mmdet/models/dense_heads/__init__.py | 4 ++- .../mmdet/models/detectors/__init__.py | 4 ++- .../pytorch/mmdet/models/losses/__init__.py | 4 ++- .../pytorch/mmdet/models/necks/__init__.py | 4 ++- cv/detection/pvanet/pytorch/train.py | 2 +- .../retinanet/pytorch/common_utils/dist.py | 4 +-- .../pytorch/common_utils/metric_logger.py | 4 +-- .../pytorch/common_utils/smooth_value.py | 4 +-- .../pytorch/dataloader/utils/coco_utils.py | 4 +-- .../pytorch/dataloader/utils/pascal_voc.py | 4 +-- .../dataloader/utils/presets_detection.py | 4 +-- .../dataloader/utils/presets_segmentation.py | 4 +-- .../dataloader/utils/transforms_det.py | 4 ++- cv/detection/retinanet/pytorch/engine.py | 3 ++- cv/detection/retinanet/pytorch/train.py | 3 ++- cv/detection/yolof/pytorch/mmcv/__init__.py | 2 +- .../yolof/pytorch/mmcv/cnn/bricks/__init__.py | 2 +- .../yolof/pytorch/mmcv/ops/__init__.py | 3 ++- .../yolof/pytorch/mmdet/apis/__init__.py | 3 ++- .../yolof/pytorch/mmdet/core/__init__.py | 3 ++- .../pytorch/mmdet/core/anchor/__init__.py | 3 ++- .../yolof/pytorch/mmdet/datasets/__init__.py | 3 ++- .../SOLO/pytorch/mmdet/datasets/__init__.py | 4 ++- .../mmdet/datasets/pipelines/__init__.py | 4 ++- cv/ocr/satrn/pytorch/base/apis/__init__.py | 3 ++- cv/ocr/satrn/pytorch/base/ocrcv/__init__.py | 3 ++- .../base/ocrcv/runner/epoch_based_runner.py | 3 ++- .../pytorch/mmcv/runner/hooks/iter_timer.py | 3 ++- .../apcnet/pytorch/mmseg/apis/train.py | 3 ++- .../pytorch/mmcv/runner/hooks/iter_timer.py | 3 ++- .../att_unet/pytorch/mmseg/apis/train.py | 3 ++- .../pytorch/mmcv/runner/hooks/iter_timer.py | 3 ++- .../ddrnet/pytorch/mmseg/apis/train.py | 3 ++- .../gcnet/pytorch/mmcv/cnn/__init__.py | 2 +- .../gcnet/pytorch/mmcv/cnn/bricks/__init__.py | 2 +- .../gcnet/pytorch/mmcv/ops/__init__.py | 2 +- .../pytorch/mmcv/runner/hooks/iter_timer.py | 3 ++- .../gcnet/pytorch/mmseg/apis/__init__.py | 2 +- .../gcnet/pytorch/mmseg/datasets/__init__.py | 2 +- .../mmseg/models/decode_heads/__init__.py | 2 +- .../pytorch/mmseg/models/losses/__init__.py | 2 +- .../mmseg/models/segmentors/__init__.py | 2 +- .../icnet/pytorch/model/__init__.py | 2 +- .../icnet/pytorch/model/builder.py | 2 +- .../pytorch/model/models/backbones/build.py | 2 +- .../pytorch/model/models/backbones/eespnet.py | 2 +- .../pytorch/model/models/backbones/hrnet.py | 2 +- .../model/models/backbones/mobilenet.py | 2 +- .../pytorch/model/models/backbones/resnet.py | 2 +- .../model/models/backbones/xception.py | 2 +- .../icnet/pytorch/model/models/icnet.py | 2 +- .../icnet/pytorch/model/models/segbase.py | 2 +- .../icnet/pytorch/model/modules/module.py | 2 +- .../icnet/pytorch/model/utils/__init__.py | 2 +- .../icnet/pytorch/model/utils/registry.py | 2 +- .../lednet/pytorch/model/__init__.py | 2 +- .../lednet/pytorch/model/builder.py | 2 +- .../pytorch/model/models/backbones/build.py | 2 +- .../pytorch/model/models/backbones/eespnet.py | 2 +- .../pytorch/model/models/backbones/hrnet.py | 2 +- .../model/models/backbones/mobilenet.py | 2 +- .../pytorch/model/models/backbones/resnet.py | 2 +- .../model/models/backbones/xception.py | 2 +- .../lednet/pytorch/model/models/lednet.py | 2 +- .../lednet/pytorch/model/models/segbase.py | 2 +- .../lednet/pytorch/model/modules/module.py | 2 +- .../lednet/pytorch/model/utils/__init__.py | 2 +- .../lednet/pytorch/model/utils/registry.py | 2 +- .../ocnet/pytorch/model/builder.py | 2 +- .../ocnet/pytorch/model/models/__init__.py | 2 +- .../pytorch/model/models/backbones/build.py | 2 +- .../pytorch/model/models/backbones/eespnet.py | 2 +- .../pytorch/model/models/backbones/hrnet.py | 2 +- .../model/models/backbones/mobilenet.py | 2 +- .../pytorch/model/models/backbones/resnet.py | 2 +- .../model/models/backbones/xception.py | 2 +- .../ocnet/pytorch/model/models/ocnet.py | 2 +- .../ocnet/pytorch/model/models/segbase.py | 2 +- .../ocnet/pytorch/model/modules/module.py | 2 +- .../ocnet/pytorch/model/utils/registry.py | 2 +- .../ocrnet/pytorch/lib/core/function.py | 4 ++- .../ocrnet/pytorch/tools/train.py | 4 ++- .../pytorch/model/base_model/__init__.py | 2 +- .../psanet/pytorch/model/base_model/resnet.py | 2 +- .../pytorch/model/base_model/xception.py | 2 +- .../pytorch/model/psanet/psanet_r101_v1c.py | 2 +- .../pytorch/model/psanet/psanet_r50_v1c.py | 2 +- .../pytorch/mmcv/runner/hooks/iter_timer.py | 3 ++- .../pspnet/pytorch/mmseg/apis/train.py | 3 ++- .../refinenet/pytorch/model/builder.py | 2 +- .../pytorch/model/models/__init__.py | 2 +- .../pytorch/model/models/backbones/build.py | 2 +- .../pytorch/model/models/backbones/eespnet.py | 2 +- .../pytorch/model/models/backbones/hrnet.py | 2 +- .../model/models/backbones/mobilenet.py | 2 +- .../pytorch/model/models/backbones/resnet.py | 3 +-- .../model/models/backbones/xception.py | 2 +- .../pytorch/model/models/refinenet.py | 2 +- .../refinenet/pytorch/model/models/segbase.py | 2 +- .../refinenet/pytorch/model/modules/module.py | 2 +- .../refinenet/pytorch/model/utils/registry.py | 2 +- .../pytorch/mmcv/runner/hooks/iter_timer.py | 3 ++- .../stdc/pytorch/mmseg/apis/train.py | 3 ++- .../torchvision/pytorch/common_utils/dist.py | 4 +-- .../pytorch/common_utils/metric_logger.py | 4 +-- .../pytorch/common_utils/smooth_value.py | 4 +-- .../dataloader/utils/coco_seg_utils.py | 4 +-- .../pytorch/dataloader/utils/coco_utils.py | 4 +-- .../pytorch/dataloader/utils/pascal_voc.py | 4 +-- .../dataloader/utils/presets_segmentation.py | 4 +-- .../dataloader/utils/transforms_seg.py | 4 +-- .../torchvision/pytorch/train.py | 3 ++- .../pytorch/mmcv/runner/hooks/iter_timer.py | 3 ++- .../unet++/pytorch/mmseg/apis/train.py | 3 ++- .../mmseg/datasets/pipelines/transforms.py | 4 ++- .../unet/pytorch/model/builder.py | 2 +- .../unet/pytorch/model/models/__init__.py | 2 +- .../pytorch/model/models/backbones/build.py | 2 +- .../pytorch/model/models/backbones/eespnet.py | 2 +- .../pytorch/model/models/backbones/hrnet.py | 2 +- .../model/models/backbones/mobilenet.py | 2 +- .../pytorch/model/models/backbones/resnet.py | 2 +- .../model/models/backbones/xception.py | 2 +- .../unet/pytorch/model/models/segbase.py | 2 +- .../unet/pytorch/model/models/unet.py | 2 +- .../unet/pytorch/model/modules/module.py | 2 +- .../unet/pytorch/model/utils/registry.py | 2 +- .../unet3d/pytorch/common_utils/dist.py | 4 +-- .../pytorch/common_utils/metric_logger.py | 4 +-- .../pytorch/common_utils/smooth_value.py | 4 +-- .../pytorch/mmedit/datasets/__init__.py | 4 ++- .../mmedit/datasets/pipelines/__init__.py | 4 ++- .../pytorch/mmedit/models/__init__.py | 4 ++- .../mmedit/models/backbones/__init__.py | 4 ++- .../models/backbones/sr_backbones/__init__.py | 4 ++- .../pytorch/mmedit/models/losses/__init__.py | 4 ++- .../mmedit/models/restorers/__init__.py | 4 ++- .../basicVSR++/pytorch/train.py | 4 ++- .../mmedit/datasets/pipelines/__init__.py | 4 ++- .../mmedit/models/backbones/__init__.py | 4 ++- .../models/backbones/sr_backbones/__init__.py | 4 ++- .../pytorch/mmedit/models/losses/__init__.py | 4 ++- .../mmedit/models/restorers/__init__.py | 4 ++- cv/super_resolution/basicVSR/pytorch/train.py | 4 ++- .../pytorch/mmedit/datasets/__init__.py | 4 ++- .../mmedit/datasets/pipelines/__init__.py | 4 ++- .../esrgan/pytorch/mmedit/models/__init__.py | 4 ++- .../mmedit/models/backbones/__init__.py | 4 ++- .../models/backbones/sr_backbones/__init__.py | 4 ++- .../mmedit/models/components/__init__.py | 4 ++- .../components/discriminators/__init__.py | 4 ++- .../pytorch/mmedit/models/losses/__init__.py | 4 ++- .../mmedit/models/restorers/__init__.py | 4 ++- cv/super_resolution/esrgan/pytorch/train.py | 4 ++- .../liif/pytorch/mmedit/__init__.py | 4 ++- .../liif/pytorch/mmedit/apis/__init__.py | 4 ++- .../liif/pytorch/mmedit/core/__init__.py | 4 ++- .../mmedit/core/evaluation/__init__.py | 4 ++- .../liif/pytorch/mmedit/datasets/__init__.py | 4 ++- .../mmedit/datasets/pipelines/__init__.py | 4 ++- .../liif/pytorch/mmedit/models/__init__.py | 4 ++- .../mmedit/models/backbones/__init__.py | 4 ++- .../models/backbones/sr_backbones/__init__.py | 4 ++- .../mmedit/models/components/__init__.py | 4 ++- .../models/components/refiners/__init__.py | 4 ++- .../pytorch/mmedit/models/losses/__init__.py | 4 ++- .../pytorch/mmedit/models/losses/utils.py | 4 ++- .../mmedit/models/restorers/__init__.py | 4 ++- cv/super_resolution/liif/pytorch/test.py | 4 ++- cv/super_resolution/liif/pytorch/train.py | 4 ++- .../real_basicVSR/pytorch/crop_sub_images.py | 4 ++- .../pytorch/mmedit/datasets/__init__.py | 4 ++- .../mmedit/datasets/pipelines/__init__.py | 4 ++- .../pytorch/mmedit/models/__init__.py | 4 ++- .../mmedit/models/backbones/__init__.py | 4 ++- .../models/backbones/sr_backbones/__init__.py | 4 ++- .../components/discriminators/__init__.py | 4 ++- .../pytorch/mmedit/models/losses/__init__.py | 4 ++- .../mmedit/models/restorers/__init__.py | 4 ++- .../real_basicVSR/pytorch/test.py | 4 ++- .../real_basicVSR/pytorch/train.py | 4 ++- .../pytorch/mmcv/cnn/bricks/activation.py | 4 ++- .../pytorch/mmcv/cnn/bricks/context_block.py | 4 ++- cv/tracking/fairmot/pytorch/src/lib/opts.py | 2 +- cv/tracking/fairmot/pytorch/src/train.py | 2 +- .../GLMForMultiTokenCloze/base/bind_pyt.py | 2 +- .../cpm/pytorch/base/bind_pyt.py | 2 +- .../base/model/models/gpt2_modeling.py | 2 +- .../pytorch/base/schedulers/learning_rates.py | 2 +- .../bert/pytorch/fwd_loss_bwd_trainer.py | 3 ++- .../ncf/pytorch/ncf_16.py | 27 ++----------------- .../ncf/pytorch/ncf_32.py | 19 ++----------- .../ncf/pytorch/run_train_fp16.sh | 5 ++-- .../ncf/pytorch/run_train_fp32.sh | 5 ++-- .../examples/roberta/preprocess_GLUE_tasks.sh | 3 ++- .../patch/fairseq/data/resampling_dataset.py | 4 ++- .../patch/fairseq/distributed_utils.py | 3 ++- .../patch/fairseq/models/bart/model.py | 4 ++- .../fairseq/tasks/sentence_prediction.py | 3 ++- .../patch/fairseq/tasks/translation.py | 3 ++- toolbox/Fairseq/patch/fairseq/trainer.py | 3 ++- .../test_ops/test_modulated_deform_conv.py | 2 +- toolbox/WeNet/patch/wenet/bin/recognize.py | 2 +- 247 files changed, 436 insertions(+), 314 deletions(-) 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 1d4c638bd..66aae9178 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 62dc97224..6ebaabe03 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 f3b2ea419..49cbc6b18 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 077bb8d03..7a5a71d63 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 7daccf211..46f4765c4 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 56c0e8ae9..9c6929b05 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 0f8a7c6c6..1e7bb6381 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 e6f7699db..1cc4dc6e3 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 92255315a..c96e954ad 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 44c1551b5..c10d01a06 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 767b6ce00..f556707d9 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 ab9c61b0b..eadf5fe15 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 8c1fadae2..3360b91f6 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 317a9874e..a6c0a6b6d 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 2918bef66..3662fdd16 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 59688a959..f1f58abbd 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 ed573a574..24f642178 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 2a25edf2a..3adf157da 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 46fdcd056..b188c8a1a 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 767b6ce00..f556707d9 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 ab9c61b0b..eadf5fe15 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 8c1fadae2..3360b91f6 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 317a9874e..a6c0a6b6d 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 2918bef66..3662fdd16 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 59688a959..f1f58abbd 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 9afa8dc9d..233a98102 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 2a25edf2a..3adf157da 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 0eed17975..0c12754ad 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 d52564e38..ab579c17c 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 f5eb8708d..31a4eebae 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 5f5e0db1f..99ee21a44 100644 --- a/cv/classification/internimage/pytorch/dataset/build.py +++ b/cv/classification/internimage/pytorch/dataset/build.py @@ -1,10 +1,10 @@ -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. -# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab # Licensed under The MIT License [see LICENSE for details] # -------------------------------------------------------- +# 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. You may obtain diff --git a/cv/classification/lenet/pytorch/train.py b/cv/classification/lenet/pytorch/train.py index 9547ae777..7683d8cb7 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 f5eb8708d..31a4eebae 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 e412913d3..27b7f2a35 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 224fc6eda..74b3b332d 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 4a6bc5e51..04510c138 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 59688a959..e7880e24e 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 afdadaafc..4dca33a3c 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 027d6bcee..31a4eebae 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 3e4f823ba..808f27d1c 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 f5eb8708d..31a4eebae 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 8ac07ae5b..c91025936 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 0d21d21f6..4ce7bebfe 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 7180d08be..ee5926e2c 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 06cd1b42f..cc53dbc89 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 fb8ce183a..9051b6b5f 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 7741cb605..bc21fee20 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 e3f6a68a2..80e9d536c 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 33c30ee9b..1bfccc663 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 78e5010ec..6b6fe4154 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 7d4c963ad..2c70e32fc 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 e83996ca2..32c7e6337 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 b0e696473..4cc0b0f2b 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 b05b60668..d8c46a4c2 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 9c50debfa..5263e1bb4 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 6c23e2b32..b123f2314 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 14f573c89..a2d9ac825 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 7f21fe49e..0e64fb571 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 b88dfb7d2..2ea0c330b 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 b41b49aeb..35a219513 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 02ec44932..9093fedb0 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 b2063c0f9..a35ad38f1 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 664340f7b..b578cc958 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 1c02fc739..12aa42327 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 4ee8ebadb..63730ca80 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 7f1c7ace3..2874cbf41 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 7e5120b13..198519d50 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 e722b3697..e9048278d 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 1084de43f..6708a6fd3 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 11f0f23a0..01fa080e4 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 a1bcb60f5..9afa21450 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. +# Copyright (c) 2022, 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 6bde4d52c..16531be96 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 473adef28..9be063785 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 6bde4d52c..16531be96 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 473adef28..9be063785 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 6bde4d52c..16531be96 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 76c49642a..a6dd8cc89 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 285e49012..e431dd720 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 6e416f88c..a012b5d56 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 91c9e4ee3..b53f3843b 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 38df1a058..0d11c2ce8 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 955aba666..4ab7b61d1 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 a61d7c98f..cc1a30aa0 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 1b4fb2c03..45d97b96b 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 c01bb549f..ef29f7589 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 f58df7590..8dcb8632a 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 0f4f51982..bc38096b3 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 d9ddd7461..bfa81f548 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 ec1c34cbd..16776254a 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 603415dfc..6ef5fe18e 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 fb6936b9c..3d5536cff 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 3541a4cde..bb3f98d80 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 b62d8dfda..2e7aa4221 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 e9d0da4a2..52d0e0999 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 5ad59c06d..68b653dbd 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 eb1523f0a..cd553623c 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 2a0cea95b..f0dfa2b2f 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 2e4bb41ab..92dfbf8e9 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 d564bd2cd..970c452a7 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 0f4f51982..bc38096b3 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 1e3955584..ef5810218 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 ec1c34cbd..16776254a 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 603415dfc..6ef5fe18e 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 fb6936b9c..3d5536cff 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 3541a4cde..bb3f98d80 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 b62d8dfda..2e7aa4221 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 e9d0da4a2..52d0e0999 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 acc3e55f7..676f8edba 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 eb1523f0a..cd553623c 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 2a0cea95b..f0dfa2b2f 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 2e4bb41ab..92dfbf8e9 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 d564bd2cd..970c452a7 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 d93e83c38..dfe7e994f 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 bb49925cd..cd7000da4 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 ec1c34cbd..16776254a 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 603415dfc..6ef5fe18e 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 bd8d8b117..fcfba8054 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 3541a4cde..bb3f98d80 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 fa4fcc2b1..10e202dd0 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 e9d0da4a2..52d0e0999 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 2b2bf8044..868ed7f57 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 eb1523f0a..cd553623c 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 e0a3c6616..adec7a2cd 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 128b4bc11..b0f74413d 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 603d736e9..f430a1aed 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 44d270bc1..4693fb0d3 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 23e35de9c..e1356a428 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 421bf556d..3358a6814 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 719cf38c0..251c4b4ba 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 6b3b1468a..9557677b9 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 4b2a09e49..c354e86d3 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 6bde4d52c..16531be96 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 473adef28..9be063785 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 98e2a11db..c4f7e1da8 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 d41c7dabb..a1d4b1664 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 ec1c34cbd..16776254a 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 603415dfc..6ef5fe18e 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 bd8d8b117..fcfba8054 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 3541a4cde..bb3f98d80 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 7f664aab3..10e202dd0 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 e9d0da4a2..52d0e0999 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 1ce19472b..20cdd15d8 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 eb1523f0a..cd553623c 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 e0a3c6616..adec7a2cd 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 128b4bc11..b0f74413d 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 6bde4d52c..16531be96 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 473adef28..9be063785 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 78e5010ec..6b6fe4154 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 7d4c963ad..2c70e32fc 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 e83996ca2..32c7e6337 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 1a0409d0e..27d30b1d2 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 b0e696473..4cc0b0f2b 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 b05b60668..d8c46a4c2 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 6c23e2b32..b123f2314 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 9f408dc12..db9efbd84 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 3ef737308..9f997a3ab 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 6bde4d52c..16531be96 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 473adef28..9be063785 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 0b1a95fa6..0f67def4a 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) 2022, 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 42ce76ad9..21784a4c8 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 114b89d6b..1b74c26a9 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 ec1c34cbd..16776254a 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 603415dfc..6ef5fe18e 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 bd8d8b117..fcfba8054 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 3541a4cde..bb3f98d80 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 fa4fcc2b1..10e202dd0 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 e9d0da4a2..52d0e0999 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 eb1523f0a..cd553623c 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 c65815e8a..0856a2d4e 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 e0a3c6616..adec7a2cd 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 128b4bc11..b0f74413d 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 35b927d7c..ce1f87807 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 7d4c963ad..2c70e32fc 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 e83996ca2..32c7e6337 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 ddc851190..c364917d6 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 99f89af3b..e903c0403 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 0a9fc9499..2c71bad9b 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 ce2c0f37f..378f89997 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 9d976a991..3f19614c3 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 339ee05c3..67fe30665 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 0583dd029..a39a17a6c 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 3da19786e..d85aabcad 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 99f89af3b..e903c0403 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 1135342f3..cf8e5e116 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 ae4736fd2..15779858a 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 339ee05c3..67fe30665 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 2493e965a..97becd5ed 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 3da19786e..d85aabcad 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 4de1c3ca2..72805084f 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 3b854fbba..07d4e48c3 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 6f60e2644..afbd44b6d 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 c9e85d4eb..c838004ff 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 4351612b9..aaa64767b 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 269a88f5c..1184b5667 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 b40cb7c29..81d7240bc 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 a55b2aab2..1ca5b5d6d 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 7cc6a41c6..f1e647f75 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 7f36ed42a..e04d89bc4 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 d54482a88..b26e6a312 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 3bdc96db8..164bab286 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 4c22f3be3..5d4159e7c 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 71f73c8c0..a81681152 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 b9cdcefd8..da693239e 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 aa37eaa1b..8d8000de7 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 d369082b6..b536c616c 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 6170b0506..97a52c43a 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 25e540a42..0f4fc69aa 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 6760f8852..7c6238312 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 4ca125390..5e9de0729 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 70f37077e..6fa5741d6 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 75f1dae26..3a19c0575 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 5b41b3d74..bae7147e1 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 0031ff75e..026b4c8a7 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 9a1068ac9..0be099fcf 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 fd96ac790..60003e369 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 fffbe59a5..ef52be5ec 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 8d0de436a..c2e2a7e60 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 854a4acd7..f49c97168 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 210bb84f1..7f6538695 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 b780bbd97..07a19b607 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 629a5d2ec..c372a8476 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 434f552c5..ac79be43d 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 853a26590..3cee3b6c8 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 677290483..75f97f8c6 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 3da19786e..d85aabcad 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 9940266cf..673cf5ebb 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 9d48ab1df..95df2a9c4 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 e012af297..bf7e250a8 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 1c3690a14..00f9b9aaa 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 667cd83a6..a565cb4ea 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 3e799c850..1fb764d37 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 d107d8f6f..375dac1af 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 cfc749016..5ce8ab8fb 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 2732d6477..edf734fb4 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 deaa81277..094a95e9c 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 9164347b0..04d49d0e8 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 eba3ea497..2d92a9919 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 a6610782b..92c089170 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 76a1ca942..5238fe37a 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 fdafda3c2..0374b2b6c 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 bf66d05d4..d5bb00f0c 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 0d50c7918..d4de10e07 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 2df6ee542..70401032f 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 70756a5a9..47e842518 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 8e423d25e..1676c7d6a 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 c5b0b6dcd..4381966da 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 86acc4503..00d41bd08 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. -- Gitee From 042fb4861bb2edfacd15219116b6abbc9bf280d7 Mon Sep 17 00:00:00 2001 From: "weizhao.xu" Date: Wed, 13 Sep 2023 16:02:38 +0800 Subject: [PATCH 2/6] copyright formatting link #I80Q7M --- cv/classification/internimage/pytorch/dataset/build.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/cv/classification/internimage/pytorch/dataset/build.py b/cv/classification/internimage/pytorch/dataset/build.py index 99ee21a44..33be06ad6 100644 --- a/cv/classification/internimage/pytorch/dataset/build.py +++ b/cv/classification/internimage/pytorch/dataset/build.py @@ -1,11 +1,12 @@ # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab -# Licensed under The MIT License [see LICENSE for details] -# -------------------------------------------------------- # 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 -- Gitee From 735962ca810c0ccbed83708f24a6ae91756bf8ab Mon Sep 17 00:00:00 2001 From: "weizhao.xu" Date: Wed, 13 Sep 2023 16:12:01 +0800 Subject: [PATCH 3/6] copyright formatting link #I80Q7M --- .../internimage/pytorch/dataset/build.py | 12 ------------ 1 file changed, 12 deletions(-) diff --git a/cv/classification/internimage/pytorch/dataset/build.py b/cv/classification/internimage/pytorch/dataset/build.py index 33be06ad6..41cc92cdf 100644 --- a/cv/classification/internimage/pytorch/dataset/build.py +++ b/cv/classification/internimage/pytorch/dataset/build.py @@ -6,18 +6,6 @@ # # 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 -- Gitee From 2db2c158f4c6df50a5d030f1ac4e29af11d956eb Mon Sep 17 00:00:00 2001 From: "weizhao.xu" Date: Wed, 13 Sep 2023 16:23:28 +0800 Subject: [PATCH 4/6] copyright formatting link #I80Q7M --- cv/ocr/satrn/pytorch/base/ocrcv/runner/epoch_based_runner.py | 2 +- .../unet++/pytorch/mmseg/datasets/pipelines/transforms.py | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) 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 9afa21450..6bf067320 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,5 @@ # Copyright (c) Open-MMLab. All rights reserved. -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. import os.path as osp 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 0f67def4a..56b50f337 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,5 @@ # Copyright (c) OpenMMLab. All rights reserved. -# Copyright (c) 2022, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# Copyright (c) 2023, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. # All Rights Reserved. import copy -- Gitee From 2df9f8cf279620ee6eb33de63a38bcdd8118a45d Mon Sep 17 00:00:00 2001 From: wz50525 Date: Wed, 13 Sep 2023 17:01:02 +0800 Subject: [PATCH 5/6] copyright formatting link #I80Q7M --- cv/classification/vgg/pytorch/run_train.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/classification/vgg/pytorch/run_train.py b/cv/classification/vgg/pytorch/run_train.py index 651a35d54..4936c835f 100644 --- a/cv/classification/vgg/pytorch/run_train.py +++ b/cv/classification/vgg/pytorch/run_train.py @@ -1,6 +1,6 @@ # 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. You may obtain # a copy of the License at -- Gitee From 0aa486120d1fbcf1bc86bda024c3eb229da36981 Mon Sep 17 00:00:00 2001 From: wz50525 Date: Wed, 13 Sep 2023 17:10:37 +0800 Subject: [PATCH 6/6] copyright formatting link #I80Q7M --- cv/classification/vgg/pytorch/run_train.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/classification/vgg/pytorch/run_train.py b/cv/classification/vgg/pytorch/run_train.py index 4936c835f..651a35d54 100644 --- a/cv/classification/vgg/pytorch/run_train.py +++ b/cv/classification/vgg/pytorch/run_train.py @@ -1,6 +1,6 @@ # 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. You may obtain # a copy of the License at -- Gitee