diff --git a/3d-reconstruction/ngp-nerf/pytorch/gridencoder/grid.py b/3d-reconstruction/ngp-nerf/pytorch/gridencoder/grid.py index 7d7fc86e96e9bf185084f9ba7a22bc7721b11a31..93770cb4033f5ed4954b2cf385147f7604b484cd 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/gridencoder/grid.py +++ b/3d-reconstruction/ngp-nerf/pytorch/gridencoder/grid.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import numpy as np import torch @@ -153,4 +155,4 @@ class GridEncoder(nn.Module): #print('outputs', outputs.shape, outputs.dtype, outputs.min().item(), outputs.max().item()) - return outputs \ No newline at end of file + return outputs diff --git a/3d-reconstruction/ngp-nerf/pytorch/gridencoder/src/gridencoder.cu b/3d-reconstruction/ngp-nerf/pytorch/gridencoder/src/gridencoder.cu index c013e503fa8cab14e5aa2a9179c46a47239b0937..744e82fb6e9d443592b9aa19262b958510c79fe5 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/gridencoder/src/gridencoder.cu +++ b/3d-reconstruction/ngp-nerf/pytorch/gridencoder/src/gridencoder.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #include #include #include diff --git a/3d-reconstruction/ngp-nerf/pytorch/gridencoder/src/gridencoder.h b/3d-reconstruction/ngp-nerf/pytorch/gridencoder/src/gridencoder.h index b093e78272ee55a309fadfa08db6a2943c247700..c0ed8d78d27ec33e07af4c343c778edbd3e1af97 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/gridencoder/src/gridencoder.h +++ b/3d-reconstruction/ngp-nerf/pytorch/gridencoder/src/gridencoder.h @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #ifndef _HASH_ENCODE_H #define _HASH_ENCODE_H @@ -12,4 +14,4 @@ void grid_encode_forward(const at::Tensor inputs, const at::Tensor embeddings, const at::Tensor offsets, at::Tensor outputs, const uint32_t B, const uint32_t D, const uint32_t C, const uint32_t L, const float S, const uint32_t H, const bool calc_grad_inputs, at::Tensor dy_dx, const uint32_t gridtype, const bool align_corners); void grid_encode_backward(const at::Tensor grad, const at::Tensor inputs, const at::Tensor embeddings, const at::Tensor offsets, at::Tensor grad_embeddings, const uint32_t B, const uint32_t D, const uint32_t C, const uint32_t L, const float S, const uint32_t H, const bool calc_grad_inputs, const at::Tensor dy_dx, at::Tensor grad_inputs, const uint32_t gridtype, const bool align_corners); -#endif \ No newline at end of file +#endif diff --git a/3d-reconstruction/ngp-nerf/pytorch/main_nerf.py b/3d-reconstruction/ngp-nerf/pytorch/main_nerf.py index b1cb3cf9b816cef925f27c6751418f6d0ffe68bd..640912049aa3fd3c477e6ee4fb209680733eb920 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/main_nerf.py +++ b/3d-reconstruction/ngp-nerf/pytorch/main_nerf.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import torch import argparse diff --git a/3d-reconstruction/ngp-nerf/pytorch/nerf/network.py b/3d-reconstruction/ngp-nerf/pytorch/nerf/network.py index b77b5352a4c0ec6c91f73ed5de0c48d410700002..80382168267d09520eeb33297387cb64d2d44316 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/nerf/network.py +++ b/3d-reconstruction/ngp-nerf/pytorch/nerf/network.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, 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/3d-reconstruction/ngp-nerf/pytorch/nerf/provider.py b/3d-reconstruction/ngp-nerf/pytorch/nerf/provider.py index ded5a201dfcb767eb816fd39228ef543e21624ea..aba383c65ca312792b74fb8cec9f3060840524a7 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/nerf/provider.py +++ b/3d-reconstruction/ngp-nerf/pytorch/nerf/provider.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import cv2 import glob diff --git a/3d-reconstruction/ngp-nerf/pytorch/nerf/renderer.py b/3d-reconstruction/ngp-nerf/pytorch/nerf/renderer.py index fa11b20fe3b0334f49623a502b1fcf0aaea8c630..c55b381833e4b6d4418d7ff00f2d7202b3ad57e6 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/nerf/renderer.py +++ b/3d-reconstruction/ngp-nerf/pytorch/nerf/renderer.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import math import trimesh import numpy as np @@ -571,4 +573,4 @@ class NeRFRenderer(nn.Module): else: results = _run(rays_o, rays_d, **kwargs) - return results \ No newline at end of file + return results diff --git a/3d-reconstruction/ngp-nerf/pytorch/nerf/utils.py b/3d-reconstruction/ngp-nerf/pytorch/nerf/utils.py index 3fcdf151e850bb5638225694d2b869ae664ae588..41d86e9d7288885e38512d1ce15fccb56352aab3 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/nerf/utils.py +++ b/3d-reconstruction/ngp-nerf/pytorch/nerf/utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import glob import tqdm diff --git a/3d-reconstruction/ngp-nerf/pytorch/raymarching/src/raymarching.cu b/3d-reconstruction/ngp-nerf/pytorch/raymarching/src/raymarching.cu index 9195b32fc252094b1c824b69f27af399386582c8..30d3fbbed859cf63df8d5a8bb764b17031f69f49 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/raymarching/src/raymarching.cu +++ b/3d-reconstruction/ngp-nerf/pytorch/raymarching/src/raymarching.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #include #include #include @@ -912,4 +914,4 @@ void composite_rays(const uint32_t n_alive, const uint32_t n_step, const float T image.scalar_type(), "composite_rays", ([&] { kernel_composite_rays<<>>(n_alive, n_step, T_thresh, rays_alive.data_ptr(), rays_t.data_ptr(), sigmas.data_ptr(), rgbs.data_ptr(), deltas.data_ptr(), weights.data_ptr(), depth.data_ptr(), image.data_ptr()); })); -} \ No newline at end of file +} diff --git a/3d-reconstruction/ngp-nerf/pytorch/shencoder/sphere_harmonics.py b/3d-reconstruction/ngp-nerf/pytorch/shencoder/sphere_harmonics.py index c2dc84e5be26fcdea742b129c08a1d3f8cdbeda0..0158e1af9d158249a26674446258a47ffd0dc8aa 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/shencoder/sphere_harmonics.py +++ b/3d-reconstruction/ngp-nerf/pytorch/shencoder/sphere_harmonics.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import numpy as np import torch @@ -84,4 +86,4 @@ class SHEncoder(nn.Module): outputs = sh_encode(inputs, self.degree, inputs.requires_grad) outputs = outputs.reshape(prefix_shape + [self.output_dim]) - return outputs \ No newline at end of file + return outputs diff --git a/3d-reconstruction/ngp-nerf/pytorch/shencoder/src/shencoder.cu b/3d-reconstruction/ngp-nerf/pytorch/shencoder/src/shencoder.cu index c3ee5d2369a376efe01aacbe0e47de0e346f72b9..cda164bd356dcb7d5f1bb1e1d3bf3e33754a2f10 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/shencoder/src/shencoder.cu +++ b/3d-reconstruction/ngp-nerf/pytorch/shencoder/src/shencoder.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #include #include @@ -438,4 +440,4 @@ void sh_encode_backward(at::Tensor grad, at::Tensor inputs, const uint32_t B, co grad.scalar_type(), "sh_encode_backward_cuda", ([&] { sh_encode_backward_cuda(grad.data_ptr(), inputs.data_ptr(), B, D, C, dy_dx.data_ptr(), grad_inputs.data_ptr()); })); -} \ No newline at end of file +} diff --git a/3d-reconstruction/ngp-nerf/pytorch/shencoder/src/shencoder.h b/3d-reconstruction/ngp-nerf/pytorch/shencoder/src/shencoder.h index 69d2e57f9643df7af687d559101edc8aefc58110..c5bd6209cfd89411f19b07395947fa6a9e03269c 100644 --- a/3d-reconstruction/ngp-nerf/pytorch/shencoder/src/shencoder.h +++ b/3d-reconstruction/ngp-nerf/pytorch/shencoder/src/shencoder.h @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ # pragma once #include @@ -10,4 +12,4 @@ void sh_encode_forward(at::Tensor inputs, at::Tensor outputs, const uint32_t B, const uint32_t D, const uint32_t C, const bool calc_grad_inputs, at::Tensor dy_dx); // sh_encode_backward(grad, inputs, B, input_dim, degree, ctx.calc_grad_inputs, dy_dx, grad_inputs) -void sh_encode_backward(at::Tensor grad, at::Tensor inputs, const uint32_t B, const uint32_t D, const uint32_t C, at::Tensor dy_dx, at::Tensor grad_inputs); \ No newline at end of file +void sh_encode_backward(at::Tensor grad, at::Tensor inputs, const uint32_t B, const uint32_t D, const uint32_t C, at::Tensor dy_dx, at::Tensor grad_inputs); diff --git a/cv/3d_detection/centerpoint/pytorch/tools/nusc_tracking/pub_tracker.py b/cv/3d_detection/centerpoint/pytorch/tools/nusc_tracking/pub_tracker.py index 3dad48884a57bf967debb6f0efcbb30f26b077ab..5dec193d14e213d44ef9ec6e1b04c7d2800b29c0 100644 --- a/cv/3d_detection/centerpoint/pytorch/tools/nusc_tracking/pub_tracker.py +++ b/cv/3d_detection/centerpoint/pytorch/tools/nusc_tracking/pub_tracker.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import numpy as np import copy from track_utils import greedy_assignment diff --git a/cv/Pruning/Network-Slimming/pytorch/denseprune.py b/cv/Pruning/Network-Slimming/pytorch/denseprune.py index 2ef290263d59d54417af63147014c53c0f88aae8..eb6870f92b5b168a0edd051d6c7a6932ff2c07ee 100644 --- a/cv/Pruning/Network-Slimming/pytorch/denseprune.py +++ b/cv/Pruning/Network-Slimming/pytorch/denseprune.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import argparse from torchvision import datasets, transforms @@ -199,4 +201,4 @@ torch.save({'cfg': cfg, 'state_dict': newmodel.state_dict()}, os.path.join(args. print(newmodel) model = newmodel -test(model) \ No newline at end of file +test(model) diff --git a/cv/Pruning/Network-Slimming/pytorch/main.py b/cv/Pruning/Network-Slimming/pytorch/main.py index 73198e7da0a990f14d03a1ae4147f7d409622468..727534536396b17862a5254fab64e0689a814243 100644 --- a/cv/Pruning/Network-Slimming/pytorch/main.py +++ b/cv/Pruning/Network-Slimming/pytorch/main.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from __future__ import print_function import os import json diff --git a/cv/Pruning/Network-Slimming/pytorch/models/densenet.py b/cv/Pruning/Network-Slimming/pytorch/models/densenet.py index cdb3dd423f433066114b8e0097a4a562043537a7..47a578e9a2e26e089139b601a54c91c28554d912 100644 --- a/cv/Pruning/Network-Slimming/pytorch/models/densenet.py +++ b/cv/Pruning/Network-Slimming/pytorch/models/densenet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import math import torch import torch.nn as nn @@ -131,4 +133,4 @@ class densenet(nn.Module): x = x.view(x.size(0), -1) x = self.fc(x) - return x \ No newline at end of file + return x diff --git a/cv/Pruning/Network-Slimming/pytorch/models/preresnet.py b/cv/Pruning/Network-Slimming/pytorch/models/preresnet.py index 184d97c069266486345fdc83891cc2ea2c8af7cf..cb6309ef05f4ea82d5ca5635c2c3d37760f9c9cc 100644 --- a/cv/Pruning/Network-Slimming/pytorch/models/preresnet.py +++ b/cv/Pruning/Network-Slimming/pytorch/models/preresnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from __future__ import absolute_import import math import torch.nn as nn @@ -133,4 +135,4 @@ class resnet(nn.Module): x = x.view(x.size(0), -1) x = self.fc(x) - return x \ No newline at end of file + return x diff --git a/cv/Pruning/Network-Slimming/pytorch/resprune.py b/cv/Pruning/Network-Slimming/pytorch/resprune.py index d78a367e28e7fffea97ca75bc61d806518e3b793..d807e278c2d00ee55f6c7da71b1843914eadfcb4 100644 --- a/cv/Pruning/Network-Slimming/pytorch/resprune.py +++ b/cv/Pruning/Network-Slimming/pytorch/resprune.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import argparse from torchvision import datasets, transforms @@ -215,4 +217,4 @@ torch.save({'cfg': cfg, 'state_dict': newmodel.state_dict()}, os.path.join(args. print(newmodel) model = newmodel -test(model) \ No newline at end of file +test(model) diff --git a/cv/Pruning/Network-Slimming/pytorch/vggprune.py b/cv/Pruning/Network-Slimming/pytorch/vggprune.py index 8ca615da78e16297527c902454173217f2f73140..a694d83985230654809814283ff387106a98ee6c 100644 --- a/cv/Pruning/Network-Slimming/pytorch/vggprune.py +++ b/cv/Pruning/Network-Slimming/pytorch/vggprune.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import argparse from torchvision import datasets, transforms @@ -174,4 +176,4 @@ torch.save({'cfg': cfg, 'state_dict': newmodel.state_dict()}, os.path.join(args. print(newmodel) model = newmodel -test(model) \ No newline at end of file +test(model) diff --git a/cv/classification/acmix/pytorch/Swin-Transformer/main.py b/cv/classification/acmix/pytorch/Swin-Transformer/main.py index 5ce9a306d286f83d0e8d654a54bcdbd0bd735b8d..796be9e763108bc3223f25038399d2f252e81fa1 100644 --- a/cv/classification/acmix/pytorch/Swin-Transformer/main.py +++ b/cv/classification/acmix/pytorch/Swin-Transformer/main.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # Swin Transformer # Copyright (c) 2021 Microsoft diff --git a/cv/classification/internimage/pytorch/config.py b/cv/classification/internimage/pytorch/config.py index 45f8f9ed043dbe0f9d4bb585661a3754c7cb4ee0..5b413ed89cc6d2bfcd88c98f7878d87032e605c3 100644 --- a/cv/classification/internimage/pytorch/config.py +++ b/cv/classification/internimage/pytorch/config.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/dataset/__init__.py b/cv/classification/internimage/pytorch/dataset/__init__.py index fd9a85fed0c07c9da4b2275f48c85eb0c8c2c37c..4fb0567adee3d3a665f0fdc61591cab7fd97e14a 100644 --- a/cv/classification/internimage/pytorch/dataset/__init__.py +++ b/cv/classification/internimage/pytorch/dataset/__init__.py @@ -1,7 +1,9 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab # Licensed under The MIT License [see LICENSE for details] # -------------------------------------------------------- -from .build import build_loader \ No newline at end of file +from .build import build_loader diff --git a/cv/classification/internimage/pytorch/models/build.py b/cv/classification/internimage/pytorch/models/build.py index e18a55c0008f045ffd8a20cce709c1de4bce58f5..74638620eedd720b0dda8b74ce0af33877a302a0 100644 --- a/cv/classification/internimage/pytorch/models/build.py +++ b/cv/classification/internimage/pytorch/models/build.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/models/intern_image.py b/cv/classification/internimage/pytorch/models/intern_image.py index 181b98561554933693e2727f19763d9a84790f6e..61432482e4b83bd4dc4e3806aa716c4853ee7cac 100644 --- a/cv/classification/internimage/pytorch/models/intern_image.py +++ b/cv/classification/internimage/pytorch/models/intern_image.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/functions/dcnv3_func.py b/cv/classification/internimage/pytorch/ops_dcnv3/functions/dcnv3_func.py index a9ddcc8292f104395c3ec7853083eef055b7f7a6..13b1f9b956bf0a63c0a37963daf0f69cb7aa135d 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/functions/dcnv3_func.py +++ b/cv/classification/internimage/pytorch/ops_dcnv3/functions/dcnv3_func.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/make.sh b/cv/classification/internimage/pytorch/ops_dcnv3/make.sh index f6435e80cf71fbdff4be0f49401bbaf5ab01fd6c..12650145b936b2fdb2096877ef1b1c19c55a56b3 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/make.sh +++ b/cv/classification/internimage/pytorch/ops_dcnv3/make.sh @@ -1,4 +1,6 @@ -#!/usr/bin/env bash +#!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/modules/dcnv3.py b/cv/classification/internimage/pytorch/ops_dcnv3/modules/dcnv3.py index a7d06507ced94af235c46d0ceba796c9cfe65654..dbd838b61244353097e31b97d84647b848c47f92 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/modules/dcnv3.py +++ b/cv/classification/internimage/pytorch/ops_dcnv3/modules/dcnv3.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/setup.py b/cv/classification/internimage/pytorch/ops_dcnv3/setup.py index 28e12fdc68c84705f44228f176e3d51a4eebd0bd..b38fda7498661d4d9ce97ea8deed0ba10e0a4fdc 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/setup.py +++ b/cv/classification/internimage/pytorch/ops_dcnv3/setup.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_cuda.cu b/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_cuda.cu index 528409571ee3062246e34205717795ba6b1b6f9f..6a2e2029cc7036af1ec3651a347391e177f420a2 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_cuda.cu +++ b/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_cuda.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ /*! ************************************************************************************************** * InternImage @@ -171,4 +173,4 @@ dcnv3_cuda_backward(const at::Tensor &input, const at::Tensor &offset, } else { return {grad_input, grad_offset, grad_mask}; } -} \ No newline at end of file +} diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_cuda.h b/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_cuda.h index 069f2829a927e27d7f341885509e837d09004a8c..f52ba73aaa51f9c84abe366d5b0409464e4a7770 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_cuda.h +++ b/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_cuda.h @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ /*! ************************************************************************************************** * InternImage diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_im2col_cuda.cuh b/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_im2col_cuda.cuh index b551ba3fb99d75005056064d2dc3d4e896990462..9b004d392ea0d72fe345e72d953241498a30e72f 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_im2col_cuda.cuh +++ b/cv/classification/internimage/pytorch/ops_dcnv3/src/cuda/dcnv3_im2col_cuda.cuh @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ /*! ************************************************************************************************** * InternImage @@ -1042,4 +1044,4 @@ void dcnv3_col2im_cuda( if (err != cudaSuccess) { printf("error in dcnv3_col2im_cuda: %s\n", cudaGetErrorString(err)); } -} \ No newline at end of file +} diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/src/dcnv3.h b/cv/classification/internimage/pytorch/ops_dcnv3/src/dcnv3.h index 029648e17afb8556e90908fcdbe2da237973dca0..b8d5001c5684e2cb0d2673f4d02d383d22ba0476 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/src/dcnv3.h +++ b/cv/classification/internimage/pytorch/ops_dcnv3/src/dcnv3.h @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ /*! ************************************************************************************************** * InternImage diff --git a/cv/classification/internimage/pytorch/ops_dcnv3/test.py b/cv/classification/internimage/pytorch/ops_dcnv3/test.py index 0277bef4fb537bfdaa69636b0753df62597b88be..375f7bd50395aa802ea4716dd371f8e5dc391721 100644 --- a/cv/classification/internimage/pytorch/ops_dcnv3/test.py +++ b/cv/classification/internimage/pytorch/ops_dcnv3/test.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/optimizer.py b/cv/classification/internimage/pytorch/optimizer.py index 8f75483ad7fe88af757661332f1c2f5b0c8dfeaf..83707edf41de78033da2ecc09ad4451cb194e5ae 100644 --- a/cv/classification/internimage/pytorch/optimizer.py +++ b/cv/classification/internimage/pytorch/optimizer.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/internimage/pytorch/utils.py b/cv/classification/internimage/pytorch/utils.py index 9f5dc9450ba56b53a9c65d75928887fd8b100731..2b0377fe91491d395bca88f21f8821f030e7de21 100644 --- a/cv/classification/internimage/pytorch/utils.py +++ b/cv/classification/internimage/pytorch/utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # InternImage # Copyright (c) 2022 OpenGVLab diff --git a/cv/classification/repvit/pytorch/main.py b/cv/classification/repvit/pytorch/main.py index 1bea89ea18ee38c0101ab9d54a33e317e3c511f5..54374da363ddc335c0f1bd36a6dcff7646abb469 100644 --- a/cv/classification/repvit/pytorch/main.py +++ b/cv/classification/repvit/pytorch/main.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import argparse import datetime import numpy as np diff --git a/cv/classification/repvit/pytorch/model/repvit.py b/cv/classification/repvit/pytorch/model/repvit.py index e7197448072723e8f29189e1c1be8943503fb8ce..2c1bcf14df460a09e331c8007c7ae6d715931b6c 100644 --- a/cv/classification/repvit/pytorch/model/repvit.py +++ b/cv/classification/repvit/pytorch/model/repvit.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import torch.nn as nn def _make_divisible(v, divisor, min_value=None): @@ -474,4 +476,4 @@ def repvit_m2_3(pretrained=False, num_classes = 1000, distillation=False): # [3, 2, 640, 1, 1, 1], # [3, 2, 640, 0, 1, 1] ] - return RepViT(cfgs, num_classes=num_classes, distillation=distillation) \ No newline at end of file + return RepViT(cfgs, num_classes=num_classes, distillation=distillation) diff --git a/cv/classification/swin_transformer/pytorch/config.py b/cv/classification/swin_transformer/pytorch/config.py index fb2921b085bffb98aab32af42ad0914e10e84cdb..c9390df32722813cf290fd9cc1b1c47350f05e6c 100644 --- a/cv/classification/swin_transformer/pytorch/config.py +++ b/cv/classification/swin_transformer/pytorch/config.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # Swin Transformer # Copyright (c) 2021 Microsoft diff --git a/cv/classification/swin_transformer/pytorch/data/__init__.py b/cv/classification/swin_transformer/pytorch/data/__init__.py index 70c633ce61849c1600e3effbd1bf46f29f29cb80..90b75c27bda31714057757151460df71782f4b6e 100644 --- a/cv/classification/swin_transformer/pytorch/data/__init__.py +++ b/cv/classification/swin_transformer/pytorch/data/__init__.py @@ -1 +1,3 @@ -from .build import build_loader \ No newline at end of file +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. +from .build import build_loader diff --git a/cv/classification/swin_transformer/pytorch/lr_scheduler.py b/cv/classification/swin_transformer/pytorch/lr_scheduler.py index 4d27289be0ed3ff052c143e78fe181bdef6ef6fa..36bb30f8f9e955eda376c704c1213038b4402244 100644 --- a/cv/classification/swin_transformer/pytorch/lr_scheduler.py +++ b/cv/classification/swin_transformer/pytorch/lr_scheduler.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # Swin Transformer # Copyright (c) 2021 Microsoft diff --git a/cv/classification/swin_transformer/pytorch/main.py b/cv/classification/swin_transformer/pytorch/main.py index dce0fcd4ceed7d6b641538b8a45eeabd6a683ba9..88d51443de59c63da1e51f8c7e17f43504e277f1 100644 --- a/cv/classification/swin_transformer/pytorch/main.py +++ b/cv/classification/swin_transformer/pytorch/main.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # Swin Transformer # Copyright (c) 2021 Microsoft diff --git a/cv/classification/swin_transformer/pytorch/main_moe.py b/cv/classification/swin_transformer/pytorch/main_moe.py index acf5d205950a82fbad0ef9347fa3f86ca9116a3a..6cd4e7f97fe474299cea87ac2d56e2c0ea826325 100644 --- a/cv/classification/swin_transformer/pytorch/main_moe.py +++ b/cv/classification/swin_transformer/pytorch/main_moe.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # Swin Transformer # Copyright (c) 2021 Microsoft diff --git a/cv/classification/swin_transformer/pytorch/models/build.py b/cv/classification/swin_transformer/pytorch/models/build.py index f7e02f8902831e74753a2b44d8c8ec646e10ed58..aac054e4ef86205e2530abf63eb72727bf5a2f7f 100644 --- a/cv/classification/swin_transformer/pytorch/models/build.py +++ b/cv/classification/swin_transformer/pytorch/models/build.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # Swin Transformer # Copyright (c) 2021 Microsoft diff --git a/cv/classification/swin_transformer/pytorch/optimizer.py b/cv/classification/swin_transformer/pytorch/optimizer.py index 3c57ce0bcc61fd7613da30382476459c1711f032..3c50669a1cce94efd55d90642300acd5cdc5de86 100644 --- a/cv/classification/swin_transformer/pytorch/optimizer.py +++ b/cv/classification/swin_transformer/pytorch/optimizer.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # Swin Transformer # Copyright (c) 2021 Microsoft diff --git a/cv/classification/swin_transformer/pytorch/utils.py b/cv/classification/swin_transformer/pytorch/utils.py index eb607cfe8d19cd40851ca4a048e37813153fd8d8..f71397a336f8bd654ad5fa0ef883e96994865f8e 100644 --- a/cv/classification/swin_transformer/pytorch/utils.py +++ b/cv/classification/swin_transformer/pytorch/utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -------------------------------------------------------- # Swin Transformer # Copyright (c) 2021 Microsoft diff --git a/cv/classification/wavemlp/pytorch/train.py b/cv/classification/wavemlp/pytorch/train.py index ab9fae79e7e53dc5757abd408d454760a0ecd332..63a47ec8b343502b51aa0e2dcb44769cecc1ffdd 100644 --- a/cv/classification/wavemlp/pytorch/train.py +++ b/cv/classification/wavemlp/pytorch/train.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # 2022.02.14-Changed for main script for wavemlp model # Huawei Technologies Co., Ltd. #!/usr/bin/env python diff --git a/cv/detection/fcos/pytorch/fcos/fcos.py b/cv/detection/fcos/pytorch/fcos/fcos.py index b23a3d65ebc8e2c882a2c515248530cc9dcd343b..d5e480a439a037c6309dc7a324ce31c971b3f894 100755 --- a/cv/detection/fcos/pytorch/fcos/fcos.py +++ b/cv/detection/fcos/pytorch/fcos/fcos.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import cv2, os import torch from fcos_core.config import cfg as base_cfg diff --git a/cv/detection/fcos/pytorch/fcos_core/config/paths_catalog.py b/cv/detection/fcos/pytorch/fcos_core/config/paths_catalog.py index 708a053c2557fd6208bf54f7cf7dae92bf2469d6..bd80a844cb6741e2a8bcd2ba1dde917facc45510 100755 --- a/cv/detection/fcos/pytorch/fcos_core/config/paths_catalog.py +++ b/cv/detection/fcos/pytorch/fcos_core/config/paths_catalog.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. """Centralized catalog of paths.""" diff --git a/cv/detection/fcos/pytorch/fcos_core/csrc/cuda/deform_conv_cuda.cu b/cv/detection/fcos/pytorch/fcos_core/csrc/cuda/deform_conv_cuda.cu index 087adfe9feb631c05d2872967394b218af946abf..d06019aefb5d377c4c3bdfec52a129adac23b31a 100755 --- a/cv/detection/fcos/pytorch/fcos_core/csrc/cuda/deform_conv_cuda.cu +++ b/cv/detection/fcos/pytorch/fcos_core/csrc/cuda/deform_conv_cuda.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ // modify from // https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/blob/mmdetection/mmdet/ops/dcn/src/deform_conv_cuda.c diff --git a/cv/detection/fcos/pytorch/fcos_core/csrc/cuda/deform_pool_cuda.cu b/cv/detection/fcos/pytorch/fcos_core/csrc/cuda/deform_pool_cuda.cu index 0be4cb866a95f338e486cdf08e80d901cdee7e88..29a859061ed182806f1b184c89d99e9592cde540 100755 --- a/cv/detection/fcos/pytorch/fcos_core/csrc/cuda/deform_pool_cuda.cu +++ b/cv/detection/fcos/pytorch/fcos_core/csrc/cuda/deform_pool_cuda.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ // modify from // https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/blob/mmdetection/mmdet/ops/dcn/src/modulated_dcn_cuda.c diff --git a/cv/detection/fcos/pytorch/fcos_core/modeling/rpn/fcos/inference.py b/cv/detection/fcos/pytorch/fcos_core/modeling/rpn/fcos/inference.py index 66796ae50c9b5a14ff6e1b101e3948ba8ed696ca..14f19cc292160d0c424df4d363d04ab9a10d8731 100755 --- a/cv/detection/fcos/pytorch/fcos_core/modeling/rpn/fcos/inference.py +++ b/cv/detection/fcos/pytorch/fcos_core/modeling/rpn/fcos/inference.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import torch from ..inference import RPNPostProcessor diff --git a/cv/detection/fcos/pytorch/fcos_core/utils/c2_model_loading.py b/cv/detection/fcos/pytorch/fcos_core/utils/c2_model_loading.py index 98abfabe115713794d9703fac19606074bb22930..77f17a9137499fc16239fe3b192059fca13e07ed 100755 --- a/cv/detection/fcos/pytorch/fcos_core/utils/c2_model_loading.py +++ b/cv/detection/fcos/pytorch/fcos_core/utils/c2_model_loading.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. import logging import pickle diff --git a/cv/detection/fcos/pytorch/fcos_core/utils/imports.py b/cv/detection/fcos/pytorch/fcos_core/utils/imports.py index 4d2148febb63e58016b52ae41ed7e2c5a81bea1d..d8c26120ce1a268daefe345c0750d516bc9044ca 100755 --- a/cv/detection/fcos/pytorch/fcos_core/utils/imports.py +++ b/cv/detection/fcos/pytorch/fcos_core/utils/imports.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. import torch diff --git a/cv/detection/rt-detr/pytorch/src/misc/dist.py b/cv/detection/rt-detr/pytorch/src/misc/dist.py index 4c547c001b9ccf62d386b18e877ee3a034a11d92..9f4eb242a63d6220ba7a4bf69f23bfa8120b45af 100644 --- a/cv/detection/rt-detr/pytorch/src/misc/dist.py +++ b/cv/detection/rt-detr/pytorch/src/misc/dist.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. """ reference - https://github.com/pytorch/vision/blob/main/references/detection/utils.py diff --git a/cv/detection/rt-detr/pytorch/src/nn/backbone/__init__.py b/cv/detection/rt-detr/pytorch/src/nn/backbone/__init__.py index ea44c6b430e4d814607d4a0f986463a357d781d0..30beb6c62e579a09856a7b5a9c93de845e2f62ff 100644 --- a/cv/detection/rt-detr/pytorch/src/nn/backbone/__init__.py +++ b/cv/detection/rt-detr/pytorch/src/nn/backbone/__init__.py @@ -1,5 +1,7 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from .presnet import * from .test_resnet import * -from .common import * \ No newline at end of file +from .common import * diff --git a/cv/detection/rt-detr/pytorch/src/zoo/rtdetr/rtdetr.py b/cv/detection/rt-detr/pytorch/src/zoo/rtdetr/rtdetr.py index 89c05a8e01260f2f7073fc0e0857a366e7981495..ab784673ff1d635642bccbac105254d6065ba1b8 100644 --- a/cv/detection/rt-detr/pytorch/src/zoo/rtdetr/rtdetr.py +++ b/cv/detection/rt-detr/pytorch/src/zoo/rtdetr/rtdetr.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. """by lyuwenyu """ diff --git a/cv/detection/rt-detr/pytorch/tools/export_onnx.py b/cv/detection/rt-detr/pytorch/tools/export_onnx.py index 9e74bb6237f837c31a14817d7818a34e9eb875d7..c1a8d82039feb2530c01f0a25550f42590ea0fcf 100644 --- a/cv/detection/rt-detr/pytorch/tools/export_onnx.py +++ b/cv/detection/rt-detr/pytorch/tools/export_onnx.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. """by lyuwenyu """ diff --git a/cv/detection/rt-detr/pytorch/tools/train.py b/cv/detection/rt-detr/pytorch/tools/train.py index dd6e490e94755913bc4ca46f22377688c36276e9..73a4f20a85011acd7925e415f04f5f7bcb312604 100644 --- a/cv/detection/rt-detr/pytorch/tools/train.py +++ b/cv/detection/rt-detr/pytorch/tools/train.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. """by lyuwenyu """ diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/__init__.py b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/__init__.py index e28ae7dc2db74e246845c95a8cf823f3336d41a4..bdc58b2e37bcd3ceaaa3d3380b002bd99334d714 100644 --- a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/__init__.py +++ b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. from . import group_fisher diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/common_operator_config_utils.py b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/common_operator_config_utils.py index 0a381d5d05097253f27318a8f9abdf3e4baa99db..39025e10f625fa5e0a0ae34f3896f9c57167c062 100644 --- a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/common_operator_config_utils.py +++ b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/common_operator_config_utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import operator from collections import namedtuple diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/mapping.py b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/mapping.py index b9cc5372bb188f4d641c1e128723ea54dd1e57de..d22b329a9e2e79d248c6199255851fb7f8c9d9e5 100644 --- a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/mapping.py +++ b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/mapping.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/log_tools.py b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/log_tools.py index 787dc19270f5ea1e5cc6584896848304670cabd1..2146ef561df0680d92a1d92851978d848834d1c9 100644 --- a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/log_tools.py +++ b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/log_tools.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) OpenMMLab. All rights reserved. import logging diff --git a/cv/face/arcface/pytorch/utils/utils.py b/cv/face/arcface/pytorch/utils/utils.py index c8ddd431cd7ae77bf1fe632894444d1b3318740d..7bbbdea81abddd020018d46e6e0bf40083f17559 100755 --- a/cv/face/arcface/pytorch/utils/utils.py +++ b/cv/face/arcface/pytorch/utils/utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import numpy as np import torch from PIL import Image @@ -62,4 +64,4 @@ def show_config(**kwargs): print('-' * 70) for key, value in kwargs.items(): print('|%25s | %40s|' % (str(key), str(value))) - print('-' * 70) \ No newline at end of file + print('-' * 70) diff --git a/cv/face/facenet/pytorch/utils/dataloader.py b/cv/face/facenet/pytorch/utils/dataloader.py index 55485442c8b29f185a249fd3bbacb8f2133171b2..089baccf2a64ac3532b5ee188b568414f599d919 100644 --- a/cv/face/facenet/pytorch/utils/dataloader.py +++ b/cv/face/facenet/pytorch/utils/dataloader.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import random diff --git a/cv/face/facenet/pytorch/utils/utils.py b/cv/face/facenet/pytorch/utils/utils.py index 591540a7f0dc9938eb13db92e8c9211076bf0538..a794bc2af4b08e8c4f252dbee3a8603ed7ba4b6c 100644 --- a/cv/face/facenet/pytorch/utils/utils.py +++ b/cv/face/facenet/pytorch/utils/utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import numpy as np import torch from PIL import Image @@ -60,4 +62,4 @@ def show_config(**kwargs): print('-' * 70) for key, value in kwargs.items(): print('|%25s | %40s|' % (str(key), str(value))) - print('-' * 70) \ No newline at end of file + print('-' * 70) diff --git a/cv/instance_segmentation/yolact/pytorch/data/config.py b/cv/instance_segmentation/yolact/pytorch/data/config.py index 24dba3501b4f22022407cfebe5b91016c1318ff1..c9b4e744049686fd4b7291cbef37a43606db8e60 100644 --- a/cv/instance_segmentation/yolact/pytorch/data/config.py +++ b/cv/instance_segmentation/yolact/pytorch/data/config.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from backbone import ResNetBackbone, VGGBackbone, ResNetBackboneGN, DarkNetBackbone from math import sqrt import torch diff --git a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/dcn_v2.py b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/dcn_v2.py index ce654b5cb14626d19553e4a0b2905749250c6366..54b16f9c49d2b01ca5ce000e6736bb9c2b0a5d66 100644 --- a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/dcn_v2.py +++ b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/dcn_v2.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. #!/usr/bin/env python from __future__ import absolute_import, division, print_function diff --git a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/setup.py b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/setup.py index ad9814a46332a41f4b424ff9a084fa545ce4c7be..e32e96ab0ec25668932692f64eedd210ba70cd52 100644 --- a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/setup.py +++ b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/setup.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. #!/usr/bin/env python import glob diff --git a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cpu/dcn_v2_cpu.cpp b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cpu/dcn_v2_cpu.cpp index 6c0e7804defa9ba083a24d047b1bd7daf5c829bb..8baea750c25239c8e9ab52fabd603e01ad3ad2c9 100644 --- a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cpu/dcn_v2_cpu.cpp +++ b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cpu/dcn_v2_cpu.cpp @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #include #include "cpu/dcn_v2_im2col_cpu.h" diff --git a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_cuda.cu b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_cuda.cu index 22adbb12428dda310882d918ada68d03458faf97..d2951bc28ea7aba4cbba421e4e62a055bc76f8c1 100644 --- a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_cuda.cu +++ b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_cuda.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #include #include "dcn_v2_im2col_cuda.h" diff --git a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_im2col_cuda.cu b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_im2col_cuda.cu index 4140eacf684f7a7c11686263751a32fbbb85bf7c..7a3245f082aca05b59d5c5aa9803f13b2bdd4518 100644 --- a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_im2col_cuda.cu +++ b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_im2col_cuda.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #include "dcn_v2_im2col_cuda.h" #include #include @@ -399,4 +401,4 @@ void modulated_deformable_col2im_coord_cuda(cudaStream_t stream, { printf("error in modulated_deformable_col2im_coord_cuda: %s\n", cudaGetErrorString(err)); } -} \ No newline at end of file +} diff --git a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.cu b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.cu index 0190217198fe3be9fb39e65161410e3859b1ffe3..2532d2bbd67171530d6aab5ef0647d6ad6534ae9 100644 --- a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.cu +++ b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ /*! * Copyright (c) 2017 Microsoft * Licensed under The MIT License [see LICENSE for details] diff --git a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/vision.h b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/vision.h index f3672b11e9e544feb88ee78ea58c42a22bbc933d..ed3411d0f770d3bc70c1f9064b9cba5a0ec5bd45 100644 --- a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/vision.h +++ b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/cuda/vision.h @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #pragma once #include #include @@ -57,4 +59,4 @@ dcn_v2_psroi_pooling_cuda_backward(const at::Tensor &out_grad, const int pooled_size, const int part_size, const int sample_per_part, - const float trans_std); \ No newline at end of file + const float trans_std); diff --git a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/dcn_v2.h b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/dcn_v2.h index de670bf997a00ba4e832c2bd501f675ebb9bfdda..41fbf42c8b741fb330267f0cf5b23f64bb4d6673 100644 --- a/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/dcn_v2.h +++ b/cv/instance_segmentation/yolact/pytorch/external/DCNv2/src/dcn_v2.h @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #pragma once #include "cpu/vision.h" @@ -187,4 +189,4 @@ dcn_v2_psroi_pooling_backward(const at::Tensor &out_grad, sample_per_part, trans_std); } -} \ No newline at end of file +} diff --git a/cv/instance_segmentation/yolact/pytorch/train.py b/cv/instance_segmentation/yolact/pytorch/train.py index 5394308f19857b57c2506f0fc0b61e553f7af428..cefa68b266c91abf9acaeef3dbd72e9a35ba81fb 100644 --- a/cv/instance_segmentation/yolact/pytorch/train.py +++ b/cv/instance_segmentation/yolact/pytorch/train.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from data import * from utils.augmentations import SSDAugmentation, BaseTransform from utils.functions import MovingAverage, SavePath diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/cuda/emd_kernel.cu b/cv/point_cloud/Point-BERT/pytorch/extensions/emd/cuda/emd_kernel.cu index 4744a81fdf64ed5150506171c14a6fde67df71f7..533ccf33689621206d07f2ecdf89d438890a10ec 100644 --- a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/cuda/emd_kernel.cu +++ b/cv/point_cloud/Point-BERT/pytorch/extensions/emd/cuda/emd_kernel.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ /********************************** * Original Author: Haoqiang Fan * Modified by: Kaichun Mo diff --git a/cv/point_cloud/Point-BERT/pytorch/install.sh b/cv/point_cloud/Point-BERT/pytorch/install.sh index a0163fb436b048aa38a98afb1b86d7fefcd3e008..9afa0ab08481ce876ac4dd1eec81aedfdc14f8a8 100644 --- a/cv/point_cloud/Point-BERT/pytorch/install.sh +++ b/cv/point_cloud/Point-BERT/pytorch/install.sh @@ -1,3 +1,6 @@ +#!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. #!/usr/bin/env sh HOME=`pwd` diff --git a/cv/point_cloud/Point-BERT/pytorch/main_BERT.py b/cv/point_cloud/Point-BERT/pytorch/main_BERT.py index 95a6520a55b9acb29b957a0b8b75164dda24a581..5be5f8efb8a883d35fa5d69fba7dba8b36bab55b 100644 --- a/cv/point_cloud/Point-BERT/pytorch/main_BERT.py +++ b/cv/point_cloud/Point-BERT/pytorch/main_BERT.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from sklearn.svm import LinearSVC from tools import BERT_pretrain_run_net as pretrain from tools import BERT_finetune_run_net as finetune diff --git a/cv/point_cloud/Point-BERT/pytorch/models/dvae.py b/cv/point_cloud/Point-BERT/pytorch/models/dvae.py index 1c1d96f094c02229f22d1f38d78c9b8dafd96132..b3b4e2134c19ce6e46a1bf439546ae03bf7b97ee 100644 --- a/cv/point_cloud/Point-BERT/pytorch/models/dvae.py +++ b/cv/point_cloud/Point-BERT/pytorch/models/dvae.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import torch.nn as nn import torch import torch.nn.functional as F diff --git a/cv/point_cloud/Point-BERT/pytorch/scripts/dist_train_BERT.sh b/cv/point_cloud/Point-BERT/pytorch/scripts/dist_train_BERT.sh index 519b149a72543a2e532be0fb62f8aff6ba10c732..a4b447ae6e79f2575528ff446ce5d9265a464f28 100644 --- a/cv/point_cloud/Point-BERT/pytorch/scripts/dist_train_BERT.sh +++ b/cv/point_cloud/Point-BERT/pytorch/scripts/dist_train_BERT.sh @@ -1,4 +1,6 @@ -#!/usr/bin/env bash +#!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. set -x NGPUS=$1 diff --git a/cv/point_cloud/Point-BERT/pytorch/scripts/train.sh b/cv/point_cloud/Point-BERT/pytorch/scripts/train.sh index 3600f1c9afe7727d4ad67691eb1b79c74f7f1c8d..2e958132be2c02943c325fc7f239c29f5ae86db3 100644 --- a/cv/point_cloud/Point-BERT/pytorch/scripts/train.sh +++ b/cv/point_cloud/Point-BERT/pytorch/scripts/train.sh @@ -1,4 +1,6 @@ -#!/usr/bin/env bash +#!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. set -x GPUS=$1 diff --git a/cv/point_cloud/Point-BERT/pytorch/tools/runner_BERT_finetune.py b/cv/point_cloud/Point-BERT/pytorch/tools/runner_BERT_finetune.py index 7aaa71eccad63233fa1f51107e4b5d68ef669393..cc1653d1f028b30921615c3375b94128e76f24d0 100644 --- a/cv/point_cloud/Point-BERT/pytorch/tools/runner_BERT_finetune.py +++ b/cv/point_cloud/Point-BERT/pytorch/tools/runner_BERT_finetune.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import torch import torch.nn as nn from tools import builder diff --git a/cv/pose/alphapose/pytorch/alphapose/datasets/__init__.py b/cv/pose/alphapose/pytorch/alphapose/datasets/__init__.py index 5b5b469e73fd679de1c5d6328067251d9749d844..da406bbad929b63ef1cad7e1c58f70d9fc79030e 100755 --- a/cv/pose/alphapose/pytorch/alphapose/datasets/__init__.py +++ b/cv/pose/alphapose/pytorch/alphapose/datasets/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from .coco_det import Mscoco_det from .concat_dataset import ConcatDataset from .custom import CustomDataset diff --git a/cv/pose/alphapose/pytorch/alphapose/models/__init__.py b/cv/pose/alphapose/pytorch/alphapose/models/__init__.py index 3396056dc70440e0b62d43c7fd99b55eaa2d57d3..64b7ba83c9e63aac64c396b9ad69435f4b63a07a 100755 --- a/cv/pose/alphapose/pytorch/alphapose/models/__init__.py +++ b/cv/pose/alphapose/pytorch/alphapose/models/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from .fastpose import FastPose # from .fastpose_duc import FastPose_DUC from .hrnet import PoseHighResolutionNet diff --git a/cv/pose/alphapose/pytorch/alphapose/models/layers/Resnet.py b/cv/pose/alphapose/pytorch/alphapose/models/layers/Resnet.py index 6bd28b682d41cbf66d27c7eb78fbe1f9874b3e45..63614fbb0fb2754c517483154e5648593f9af12f 100755 --- a/cv/pose/alphapose/pytorch/alphapose/models/layers/Resnet.py +++ b/cv/pose/alphapose/pytorch/alphapose/models/layers/Resnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ----------------------------------------------------- # Copyright (c) Shanghai Jiao Tong University. All rights reserved. # Written by Jiefeng Li (jeff.lee.sjtu@gmail.com) diff --git a/cv/pose/alphapose/pytorch/alphapose/models/layers/ShuffleResnet.py b/cv/pose/alphapose/pytorch/alphapose/models/layers/ShuffleResnet.py index f1ccc69c425dd52276ee7720c69f493a1903bde0..b6abe9b5c90111810695abfd779516932eca2243 100755 --- a/cv/pose/alphapose/pytorch/alphapose/models/layers/ShuffleResnet.py +++ b/cv/pose/alphapose/pytorch/alphapose/models/layers/ShuffleResnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ----------------------------------------------------- # Copyright (c) Shanghai Jiao Tong University. All rights reserved. # Written by Jiefeng Li (jeff.lee.sjtu@gmail.com) diff --git a/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_conv_cuda.cpp b/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_conv_cuda.cpp index a07426a0c831a6e98ac059e29c7278400e24dc40..00c4dd7fd30613d62d31c4cad86524954aa34b41 100755 --- a/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_conv_cuda.cpp +++ b/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_conv_cuda.cpp @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ // modify from // https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/blob/mmdetection/mmdet/ops/dcn/src/deform_conv_cuda.c @@ -698,4 +700,4 @@ PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) { m.def("modulated_deform_conv_cuda_backward", &modulated_deform_conv_cuda_backward, "modulated deform conv backward (CUDA)"); -} \ No newline at end of file +} diff --git a/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_conv_cuda_kernel.cu b/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_conv_cuda_kernel.cu index a2b94286dbe941791332487c504298ccd97b88f1..98cc0c83778b03de5a74c7ab56d8b4b0f0efd55d 100755 --- a/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_conv_cuda_kernel.cu +++ b/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_conv_cuda_kernel.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ /*! ******************* BEGIN Caffe Copyright Notice and Disclaimer **************** * diff --git a/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_pool_cuda.cpp b/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_pool_cuda.cpp index 9e0e3ffcb547a8866311699ee6481b743284dffe..a83dd91d7161d001f22a5cd4897cfed3e5607d75 100755 --- a/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_pool_cuda.cpp +++ b/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_pool_cuda.cpp @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ // modify from // https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/blob/mmdetection/mmdet/ops/dcn/src/modulated_dcn_cuda.c diff --git a/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_pool_cuda_kernel.cu b/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_pool_cuda_kernel.cu index 1922d72442253353b29200a00a204b34a9153fa4..13aefab891645c3cef58399dfd4a9d10b6b187df 100755 --- a/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_pool_cuda_kernel.cu +++ b/cv/pose/alphapose/pytorch/alphapose/models/layers/dcn/src/deform_pool_cuda_kernel.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ /*! * Copyright (c) 2017 Microsoft * Licensed under The MIT License [see LICENSE for details] @@ -361,4 +363,4 @@ void DeformablePSROIPoolBackwardAcc(const at::Tensor out_grad, { printf("error in DeformablePSROIPoolForward: %s\n", cudaGetErrorString(err)); } -} \ No newline at end of file +} diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/bbox.py b/cv/pose/alphapose/pytorch/alphapose/utils/bbox.py index a9e00764b181713dbf19f3f0537673c617bd6c46..ffa28865b5ec0e71de43f86098a431e47cf61ee4 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/bbox.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/bbox.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from __future__ import division import torch diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/detector.py b/cv/pose/alphapose/pytorch/alphapose/utils/detector.py index ba8e3946eb245bf7beada9ae196418717291f1f1..388fdac04f2998f74b582a1d9154893dc53b7139 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/detector.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/detector.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import sys from threading import Thread diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/file_detector.py b/cv/pose/alphapose/pytorch/alphapose/utils/file_detector.py index b31719449dc08868465e0ba3330bb7cde1d3b5c2..8633c775753b65eb805a79cb50a7a9faa988700d 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/file_detector.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/file_detector.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from itertools import count from threading import Thread from queue import Queue diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/metrics.py b/cv/pose/alphapose/pytorch/alphapose/utils/metrics.py index 9affe087ac91deb9b749febc51d14b2370bafb3b..d82888b1af5cc714ce4754448729d6dfed7bc9a0 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/metrics.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/metrics.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ----------------------------------------------------- # Copyright (c) Shanghai Jiao Tong University. All rights reserved. # Written by Jiefeng Li (jeff.lee.sjtu@gmail.com), Haoyi Zhu diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/pPose_nms.py b/cv/pose/alphapose/pytorch/alphapose/utils/pPose_nms.py index 358d6ec40b9cabcbb10f358defb4ab840d25bc82..48727b0cad7ebfbbc3e56955289979a720565dc4 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/pPose_nms.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/pPose_nms.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -*- coding: utf-8 -*- import json import os diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/presets/__init__.py b/cv/pose/alphapose/pytorch/alphapose/utils/presets/__init__.py index 0c91f83f56a86b8451bb3c1fe5bf8c712c3b693c..b8a708a025f29c045495eb519fda551fc4021132 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/presets/__init__.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/presets/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from .simple_transform import SimpleTransform __all__ = ['SimpleTransform'] diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/presets/simple_transform.py b/cv/pose/alphapose/pytorch/alphapose/utils/presets/simple_transform.py index ce72dd43a6044cd18bd085d670f6cb077fc3ae0a..c8db5d7c69b1039ed00f56af379f5f6d71447749 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/presets/simple_transform.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/presets/simple_transform.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ----------------------------------------------------- # Copyright (c) Shanghai Jiao Tong University. All rights reserved. # Written by Jiefeng Li (jeff.lee.sjtu@gmail.com), Haoyi Zhu diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/__init__.py b/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/__init__.py index 0b56d3f692ecc7e0fbefc4d1903aa76f36527e70..25262c735576a7f47218837925eec887ad126a63 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/__init__.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # from .roi_align import roi_align, RoIAlign from torchvision.ops import roi_align from .roi_align import RoIAlign diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/roi_align.py b/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/roi_align.py index 111e05f929d953b84f4ba50337ab4a2d7941bbe6..3c634f843f3d270d97080c768fcd990c309b0518 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/roi_align.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/roi_align.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import torch.nn as nn from torch.autograd import Function from torch.autograd.function import once_differentiable diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/src/roi_align_cuda.cpp b/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/src/roi_align_cuda.cpp index 4e60816188f13a303d74f58dde521d4339c4a338..149a1cce67f617de7c37d6a349d5886d46329ae1 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/src/roi_align_cuda.cpp +++ b/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/src/roi_align_cuda.cpp @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #include #include @@ -82,4 +84,4 @@ int roi_align_backward_cuda(at::Tensor top_grad, at::Tensor rois, PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) { m.def("forward", &roi_align_forward_cuda, "Roi_Align forward (CUDA)"); m.def("backward", &roi_align_backward_cuda, "Roi_Align backward (CUDA)"); -} \ No newline at end of file +} diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/src/roi_align_kernel.cu b/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/src/roi_align_kernel.cu index b914fd1e909b83ac7a67687adf4e112956412ba6..d57b93f629f129aab4b7c5da51011a562225ef9e 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/src/roi_align_kernel.cu +++ b/cv/pose/alphapose/pytorch/alphapose/utils/roi_align/src/roi_align_kernel.cu @@ -1,3 +1,5 @@ +/* Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. */ +/* All Rights Reserved. */ #include #include @@ -291,4 +293,4 @@ int ROIAlignBackwardLaucher(const at::Tensor top_grad, const at::Tensor rois, })); THCudaCheck(cudaGetLastError()); return 1; -} \ No newline at end of file +} diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/transforms.py b/cv/pose/alphapose/pytorch/alphapose/utils/transforms.py index b3b97cecd495a6672a29aea489ca2f07ffd48d07..beb9a2c3bb52fd725a91f035bd1f0a02d5f31e1b 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/transforms.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/transforms.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ----------------------------------------------------- # Copyright (c) Shanghai Jiao Tong University. All rights reserved. # Written by Jiefeng Li (jeff.lee.sjtu@gmail.com) diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/vis.py b/cv/pose/alphapose/pytorch/alphapose/utils/vis.py index a97204bbc4a34606686dc93c10d58b54e9eaf5cd..858546113919bddc49b51c79a6dc564995752ebd 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/vis.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/vis.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import math import time diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/webcam_detector.py b/cv/pose/alphapose/pytorch/alphapose/utils/webcam_detector.py index b5e86482058c463027e5b8828b41c1db6bd0acb7..f3386c974dad9eaf7006cc83e2c7b6a18a579ad1 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/webcam_detector.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/webcam_detector.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from itertools import count from threading import Thread from queue import Queue diff --git a/cv/pose/alphapose/pytorch/alphapose/utils/writer.py b/cv/pose/alphapose/pytorch/alphapose/utils/writer.py index 6c75bbc39d65025e691d93b81f4ac727760eef04..7a785e05780e07662759c056f3c1a0fb673c6f5d 100755 --- a/cv/pose/alphapose/pytorch/alphapose/utils/writer.py +++ b/cv/pose/alphapose/pytorch/alphapose/utils/writer.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import time from threading import Thread diff --git a/cv/pose/alphapose/pytorch/alphapose/version.py b/cv/pose/alphapose/pytorch/alphapose/version.py index f1dd86c4dcef508a6908ef179199ed653dd58395..821d63fa93567a12e98ecad0c445d5144174d6fb 100755 --- a/cv/pose/alphapose/pytorch/alphapose/version.py +++ b/cv/pose/alphapose/pytorch/alphapose/version.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # GENERATED VERSION FILE # TIME: Thu Dec 23 15:56:55 2021 diff --git a/cv/pose/alphapose/pytorch/detector/nms/__init__.py b/cv/pose/alphapose/pytorch/detector/nms/__init__.py index d9196b39aa60c6cc48655d72cf91eb8215eb5cd3..6cd746a7fd94d563a122e00864a3ef731c43ccf5 100755 --- a/cv/pose/alphapose/pytorch/detector/nms/__init__.py +++ b/cv/pose/alphapose/pytorch/detector/nms/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # from .nms_wrapper import nms, soft_nms from torchvision.ops import nms soft_nms = nms diff --git a/cv/pose/alphapose/pytorch/detector/yolo/preprocess.py b/cv/pose/alphapose/pytorch/detector/yolo/preprocess.py index 11b554382f62d48a7dd41bfa0035ad2bedd1e9d8..b03650908c9c5a15be3e1a651442a758344e98db 100755 --- a/cv/pose/alphapose/pytorch/detector/yolo/preprocess.py +++ b/cv/pose/alphapose/pytorch/detector/yolo/preprocess.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from __future__ import division import torch diff --git a/cv/pose/alphapose/pytorch/detector/yolo/util.py b/cv/pose/alphapose/pytorch/detector/yolo/util.py index e6aeac084d5fd37626fc28f0e525dde00c2ad642..2833bbfb3188a922d50990a50cd5bf1d0caaa7a9 100755 --- a/cv/pose/alphapose/pytorch/detector/yolo/util.py +++ b/cv/pose/alphapose/pytorch/detector/yolo/util.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from __future__ import division diff --git a/cv/semantic_segmentation/bisenetv2/pytorch/lib/logger.py b/cv/semantic_segmentation/bisenetv2/pytorch/lib/logger.py index 29f6054c01020fcf0345e3d066e608c37254b99b..547ff32b13ad69b02bbe23ffca6af57aabdf55b6 100755 --- a/cv/semantic_segmentation/bisenetv2/pytorch/lib/logger.py +++ b/cv/semantic_segmentation/bisenetv2/pytorch/lib/logger.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. #!/usr/bin/python # -*- encoding: utf-8 -*- diff --git a/cv/semantic_segmentation/bisenetv2/pytorch/lib/models/bisenetv1.py b/cv/semantic_segmentation/bisenetv2/pytorch/lib/models/bisenetv1.py index 678b6f8569ad91f98884891870f4eba8e4cdfc74..e7a0d8196bf89cf673e2cf3c9082d18b2911f1b6 100755 --- a/cv/semantic_segmentation/bisenetv2/pytorch/lib/models/bisenetv1.py +++ b/cv/semantic_segmentation/bisenetv2/pytorch/lib/models/bisenetv1.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. #!/usr/bin/python # -*- encoding: utf-8 -*- diff --git a/cv/semantic_segmentation/bisenetv2/pytorch/lib/models/bisenetv2.py b/cv/semantic_segmentation/bisenetv2/pytorch/lib/models/bisenetv2.py index c8307d85b08587c7fe338dffaebcee0e12b0a67f..22bd36a6c00b525434c206775ef6f5d06f76d120 100755 --- a/cv/semantic_segmentation/bisenetv2/pytorch/lib/models/bisenetv2.py +++ b/cv/semantic_segmentation/bisenetv2/pytorch/lib/models/bisenetv2.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import torch import torch.nn as nn diff --git a/cv/semantic_segmentation/bisenetv2/pytorch/tools/export_onnx.py b/cv/semantic_segmentation/bisenetv2/pytorch/tools/export_onnx.py index 7acd98e0fb6f215d426ab6693e602b0038335107..4de1ea4d6fb05c7d5e598f2ca355220e5c75667f 100755 --- a/cv/semantic_segmentation/bisenetv2/pytorch/tools/export_onnx.py +++ b/cv/semantic_segmentation/bisenetv2/pytorch/tools/export_onnx.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import argparse import os.path as osp import sys diff --git a/cv/semantic_segmentation/bisenetv2/pytorch/tools/train_amp.py b/cv/semantic_segmentation/bisenetv2/pytorch/tools/train_amp.py index 08207d03af7dfc169358dbec8bde33426ad2eecb..d34a9e07b35a70f36975dacbffa62762431dcf7a 100755 --- a/cv/semantic_segmentation/bisenetv2/pytorch/tools/train_amp.py +++ b/cv/semantic_segmentation/bisenetv2/pytorch/tools/train_amp.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. #!/usr/bin/python # -*- encoding: utf-8 -*- diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/config/default.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/config/default.py index 983cc88dc6b50e3062e5ed1220da0818dab3619c..ad3544a9a2114059e81ffba2fad67189b1ad0ec4 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/config/default.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/config/default.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/config/models.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/config/models.py index 05e811043b3e5ffaadc76e62e8fedcf7a2c7c947..1db003f96a379dff6755e1f0d570aa764ae22d14 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/config/models.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/config/models.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/core/criterion.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/core/criterion.py index e6b942c9879be8c2e5944192d4e464fa457d6d61..1446ef9d94ffc8685c4c58666a99efb79b33be8f 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/core/criterion.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/core/criterion.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. @@ -55,4 +57,4 @@ class OhemCrossEntropy(nn.Module): pixel_losses = pixel_losses[mask][ind] pixel_losses = pixel_losses[pred < threshold] - return pixel_losses.mean() \ No newline at end of file + return pixel_losses.mean() diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/__init__.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/__init__.py index 79a5382adb70dafa107e108102c0bfffc43a3005..692a44d1603d1190e8b0b8af2ff67175d36960b2 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/__init__.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. @@ -10,4 +12,4 @@ from __future__ import print_function from .cityscapes import Cityscapes as cityscapes from .lip import LIP as lip -from .pascal_ctx import PASCALContext as pascal_ctx \ No newline at end of file +from .pascal_ctx import PASCALContext as pascal_ctx diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/base_dataset.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/base_dataset.py index effb03d18f8d2eedce945d193c0061aef11a79a3..de55a62bdc8e4a760d3fdff7721d24e9f1f89be1 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/base_dataset.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/base_dataset.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/cityscapes.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/cityscapes.py index 2580145350af6c22d097eca170d8c76d0e9e78a7..3c6ec4817a4efee96cc3130cfd06c11701bc2d30 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/cityscapes.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/cityscapes.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/lip.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/lip.py index a89ef862952eeb141291b5de29d2a87942144aef..1a13a0d27d7c2ffa1473d382df8a1fe19f983053 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/lip.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/lip.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/pascal_ctx.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/pascal_ctx.py index 5da39c9bf9cbc251bf7b75eac84a46464290eb66..46ed0b3b4039c8c156da3f64144abd0a68c382d3 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/pascal_ctx.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/datasets/pascal_ctx.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/models/__init__.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/models/__init__.py index a2e350dcba2d43e752fb7449747f0ef08478c6a1..02f941cb304bb6a1fc84bf640597c9b82c3cd596 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/models/__init__.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/models/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. @@ -8,4 +10,4 @@ from __future__ import absolute_import from __future__ import division from __future__ import print_function -import models.seg_hrnet \ No newline at end of file +import models.seg_hrnet diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/models/seg_hrnet.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/models/seg_hrnet.py index a6d20bcd8352055e9331c83e22ad0c7a29b19d3c..05801c877ce2d4c1c41952b8ddd22e9c1e767915 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/models/seg_hrnet.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/models/seg_hrnet.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. diff --git a/cv/semantic_segmentation/ocrnet/pytorch/lib/utils/utils.py b/cv/semantic_segmentation/ocrnet/pytorch/lib/utils/utils.py index 00a98713938cb0cccea64c0cbb0578634d9afbdf..05dedb28a950cbe3c02d57b9b31661a681fbeb62 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/lib/utils/utils.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/lib/utils/utils.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. @@ -143,4 +145,4 @@ def adjust_learning_rate(optimizer, base_lr, max_iters, cur_iters, power=0.9): lr = base_lr*((1-float(cur_iters)/max_iters)**(power)) optimizer.param_groups[0]['lr'] = lr - return lr \ No newline at end of file + return lr diff --git a/cv/semantic_segmentation/ocrnet/pytorch/tools/test.py b/cv/semantic_segmentation/ocrnet/pytorch/tools/test.py index 5cf7e0bc91e1de96edd68845be8030da05872730..55d49fd1cd4eec6a59bd0a6c3c6d7bb54a60e66f 100644 --- a/cv/semantic_segmentation/ocrnet/pytorch/tools/test.py +++ b/cv/semantic_segmentation/ocrnet/pytorch/tools/test.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ------------------------------------------------------------------------------ # Copyright (c) Microsoft # Licensed under the MIT License. diff --git a/cv/super_resolution/ttvsr/pytorch/mmedit/models/__init__.py b/cv/super_resolution/ttvsr/pytorch/mmedit/models/__init__.py index 6038238ce6c1836d2e69ecde8a2397dbdbfcdec9..b3806b2e274d7debdc2c4a73db9962e202f58e2e 100755 --- a/cv/super_resolution/ttvsr/pytorch/mmedit/models/__init__.py +++ b/cv/super_resolution/ttvsr/pytorch/mmedit/models/__init__.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, 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/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/clip.py b/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/clip.py index eb900cb0db1e5db2a1176bc0a8902d2769f1f787..11621734c22f4dfb4ba296b34349ec64acae8008 100644 --- a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/clip.py +++ b/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/clip.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import hashlib import os import urllib diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/model.py b/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/model.py index f7958f171e5438b26be11739ace489945b765b33..50a8bdf36b6d554c7e34953c3d60ec65763f607d 100644 --- a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/model.py +++ b/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/model.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. from collections import OrderedDict from typing import Tuple, Union diff --git a/multimodal/diffusion/ControlNet/cldm/logger.py b/multimodal/diffusion/ControlNet/cldm/logger.py index d0924804189a0abb03926feb588fbad0340dffe8..fe77183c7c758d7b7fc79a13b75027e784bfc254 100644 --- a/multimodal/diffusion/ControlNet/cldm/logger.py +++ b/multimodal/diffusion/ControlNet/cldm/logger.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import numpy as np diff --git a/multimodal/diffusion/ControlNet/config.py b/multimodal/diffusion/ControlNet/config.py index 8e5bfdca6d861a87d5992afff04990f8dfd49598..e4d22342fb4879102afa30bcb33c7ade2623c20e 100644 --- a/multimodal/diffusion/ControlNet/config.py +++ b/multimodal/diffusion/ControlNet/config.py @@ -1 +1,3 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. save_memory = True diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/ddpm.py b/multimodal/diffusion/ControlNet/ldm/models/diffusion/ddpm.py index 50df5a40582f75a17034688bac10749e94afe945..70fffd9a2c1014962d9f4960bed94485f158db23 100644 --- a/multimodal/diffusion/ControlNet/ldm/models/diffusion/ddpm.py +++ b/multimodal/diffusion/ControlNet/ldm/models/diffusion/ddpm.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. """ wild mixture of https://github.com/lucidrains/denoising-diffusion-pytorch/blob/7706bdfc6f527f58d33f84b7b522e61e6e3164b3/denoising_diffusion_pytorch/denoising_diffusion_pytorch.py diff --git a/multimodal/diffusion/ddpm/main.py b/multimodal/diffusion/ddpm/main.py index c6875501f94a33099c900232be9c7e68b4f20169..90ea949672307b50efa7cb0bb5f156a1d83413bf 100644 --- a/multimodal/diffusion/ddpm/main.py +++ b/multimodal/diffusion/ddpm/main.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import copy import json import os diff --git a/multimodal/diffusion/ddpm/score/inception.py b/multimodal/diffusion/ddpm/score/inception.py index 5c9277d12643c7c34b2370aa7877709aed253765..5e8ae43a8416d4e0e6618f6aa67913c9edd69a26 100644 --- a/multimodal/diffusion/ddpm/score/inception.py +++ b/multimodal/diffusion/ddpm/score/inception.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, 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/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/fine-tune.py b/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/fine-tune.py index ace69dbc79fb67f01069949fd820976991c8ea49..354c30140f3ee6f0530c694d37915413418bd285 100644 --- a/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/fine-tune.py +++ b/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/fine-tune.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. import os import math import pathlib diff --git a/speech/speech_recognition/rnnt/pytorch/common/data/dali/iterator.py b/speech/speech_recognition/rnnt/pytorch/common/data/dali/iterator.py index 76d34e022f75ff0df18421ca8f19cdd6098ebc48..29c50a2b93aaa6c3fbb3c4f2aa6cd84e34591224 100644 --- a/speech/speech_recognition/rnnt/pytorch/common/data/dali/iterator.py +++ b/speech/speech_recognition/rnnt/pytorch/common/data/dali/iterator.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) 2020, NVIDIA CORPORATION. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); diff --git a/speech/speech_recognition/rnnt/pytorch/inference.py b/speech/speech_recognition/rnnt/pytorch/inference.py index 252560a621995f2abd64b044e8810a0f98d64ab3..5a7deb4f049281b546f6cdfbf253d12e8868d882 100644 --- a/speech/speech_recognition/rnnt/pytorch/inference.py +++ b/speech/speech_recognition/rnnt/pytorch/inference.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) 2019-2020, NVIDIA CORPORATION. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); diff --git a/speech/speech_recognition/rnnt/pytorch/scripts/create_sentencepieces.sh b/speech/speech_recognition/rnnt/pytorch/scripts/create_sentencepieces.sh index b1901a025efd0bd45311dbe899c395dbe529723a..6a29fdd2e61cc3ea1882901adf4570c69d6eb736 100644 --- a/speech/speech_recognition/rnnt/pytorch/scripts/create_sentencepieces.sh +++ b/speech/speech_recognition/rnnt/pytorch/scripts/create_sentencepieces.sh @@ -1,3 +1,6 @@ +#!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) 2022 Iluvatar CoreX. All rights reserved. # Copyright (c) 2020, NVIDIA CORPORATION. All rights reserved. # diff --git a/speech/speech_recognition/rnnt/pytorch/scripts/docker/launch.sh b/speech/speech_recognition/rnnt/pytorch/scripts/docker/launch.sh index 0abcdd83912373771ad1b89ff6685b01908a313f..a8cabfaed5e5430513ab4074952ccd5132227c5d 100755 --- a/speech/speech_recognition/rnnt/pytorch/scripts/docker/launch.sh +++ b/speech/speech_recognition/rnnt/pytorch/scripts/docker/launch.sh @@ -1,3 +1,6 @@ +#!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) 2019-2020, NVIDIA CORPORATION. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); @@ -13,7 +16,6 @@ # limitations under the License. -#!/bin/bash LOG_DIR=$1 diff --git a/speech/speech_recognition/rnnt/pytorch/scripts/download_librispeech.sh b/speech/speech_recognition/rnnt/pytorch/scripts/download_librispeech.sh index be716202925c00495da201717fafab50dbc5cf52..f3d5e6a106b3a7bc0671c99d6f06bf25670971fc 100755 --- a/speech/speech_recognition/rnnt/pytorch/scripts/download_librispeech.sh +++ b/speech/speech_recognition/rnnt/pytorch/scripts/download_librispeech.sh @@ -1,3 +1,6 @@ +#!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) 2022 Iluvatar CoreX. All rights reserved. # Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved. # @@ -14,7 +17,6 @@ # limitations under the License. -#!/usr/bin/env bash DATA_ROOT_DIR=$1 DATA_SET="LibriSpeech" @@ -29,4 +31,4 @@ DATA_DIR="${DATA_ROOT_DIR}/${DATA_SET}" # fi chmod go+rx $DATA_DIR -python3 utils/download_librispeech.py utils/librispeech.csv $DATA_DIR -e ${DATA_ROOT_DIR}/ \ No newline at end of file +python3 utils/download_librispeech.py utils/librispeech.csv $DATA_DIR -e ${DATA_ROOT_DIR}/ diff --git a/speech/speech_recognition/rnnt/pytorch/scripts/inference.sh b/speech/speech_recognition/rnnt/pytorch/scripts/inference.sh index 0c798a0b2a3edcf4a38c783132a5913a23c8c9f1..ce3f8a6fc23917f92768eb93c41e3a166e4e7eca 100755 --- a/speech/speech_recognition/rnnt/pytorch/scripts/inference.sh +++ b/speech/speech_recognition/rnnt/pytorch/scripts/inference.sh @@ -1,4 +1,6 @@ #!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) 2019-2020, NVIDIA CORPORATION. All rights reserved. # diff --git a/speech/speech_recognition/rnnt/pytorch/scripts/preprocess_librispeech.sh b/speech/speech_recognition/rnnt/pytorch/scripts/preprocess_librispeech.sh index cf07f0a85ed21418302739e0dec77a4d67b9c678..6bc1e73b48c07cbc5ea5fd57cb2b39df81065391 100755 --- a/speech/speech_recognition/rnnt/pytorch/scripts/preprocess_librispeech.sh +++ b/speech/speech_recognition/rnnt/pytorch/scripts/preprocess_librispeech.sh @@ -1,3 +1,6 @@ +#!/bin/bash +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) 2022 Iluvatar CoreX. All rights reserved. # Copyright (c) 2019-2020, NVIDIA CORPORATION. All rights reserved. # @@ -13,7 +16,6 @@ # See the License for the specific language governing permissions and # limitations under the License. -#!/usr/bin/env bash DATA_DIR=$1 diff --git a/speech/speech_recognition/rnnt/pytorch/train.py b/speech/speech_recognition/rnnt/pytorch/train.py index b74c5ef796542c84eb5af3318aa65717f58fa103..d0a5189fc5419d6126b8019d736f873bfff7af5f 100644 --- a/speech/speech_recognition/rnnt/pytorch/train.py +++ b/speech/speech_recognition/rnnt/pytorch/train.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # Copyright (c) 2022 Iluvatar CoreX. All rights reserved. # Copyright (c) 2019-2020, NVIDIA CORPORATION. All rights reserved. # diff --git a/speech/speech_recognition/rnnt/pytorch/utils/download_librispeech.py b/speech/speech_recognition/rnnt/pytorch/utils/download_librispeech.py index 32468641b53f7e20818aaff1872d8e8c17300de3..960dc20bf23e0a82c8daa9e14a4b22cb603d4e4d 100644 --- a/speech/speech_recognition/rnnt/pytorch/utils/download_librispeech.py +++ b/speech/speech_recognition/rnnt/pytorch/utils/download_librispeech.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, 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"); diff --git a/speech/speech_synthesis/vqmivc/pytorch/preprocess.py b/speech/speech_synthesis/vqmivc/pytorch/preprocess.py index bc538bc831ff9b3c96a1fbec6d44f045cb193b01..afbb739a2d8e8415189ff235bc939e9a8034adb4 100644 --- a/speech/speech_synthesis/vqmivc/pytorch/preprocess.py +++ b/speech/speech_synthesis/vqmivc/pytorch/preprocess.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # -*- coding: utf-8 -*- from spectrogram import logmelspectrogram diff --git a/speech/speech_synthesis/waveglow/pytorch/glow.py b/speech/speech_synthesis/waveglow/pytorch/glow.py index 85717a08d76a363407c259d9da827dc8101dad0c..0d1e606a32ae2e55db1bcaec795425d6a852e884 100644 --- a/speech/speech_synthesis/waveglow/pytorch/glow.py +++ b/speech/speech_synthesis/waveglow/pytorch/glow.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ***************************************************************************** # Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. # diff --git a/speech/speech_synthesis/waveglow/pytorch/train.py b/speech/speech_synthesis/waveglow/pytorch/train.py index 0d1f040edd3512c0b95c6b0be8f5e007dbd2b2b9..34ea4df4b880e8e2572579f065bbc8e73802b4d6 100644 --- a/speech/speech_synthesis/waveglow/pytorch/train.py +++ b/speech/speech_synthesis/waveglow/pytorch/train.py @@ -1,3 +1,5 @@ +# Copyright (c) 2024, Shanghai Iluvatar CoreX Semiconductor Co., Ltd. +# All Rights Reserved. # ***************************************************************************** # Copyright (c) 2018, NVIDIA CORPORATION. All rights reserved. #