diff --git a/README.md b/README.md index c9ff1c26fba7eb4cb7e8ff470d98a38ced900624..1bca3d1e6e261bff5838faccd5a09f4bcec781af 100644 --- a/README.md +++ b/README.md @@ -10,10 +10,10 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | Model | Framework | ToolBox | Dataset/Weight | |-------------------------------------------------------------|-----------|--------------------|-----------------------| | [Aquila2-34B](nlp/llm/aquila2-34b/megatron-deepspeed) | PyTorch | Megatron-DeepSpeed | Bookcorpus | -| [Baichuan2-7B](nlp/llm/baichuan2-7b/Baichuan2) | PyTorch | DeepSpeed | baichuan2-7b-base | +| [Baichuan2-7B](nlp/llm/baichuan2-7b/baichuan2) | PyTorch | DeepSpeed | baichuan2-7b-base | | [Bloom-7B1](nlp/llm/bloom-7b1/firefly) | PyTorch | Firefly | school_math_0.25M | | [ChatGLM-6B](nlp/llm/chatglm-6b/deepspeed) | PyTorch | DeepSpeed | ADGEN & chatglm-6b | -| [ChatGLM2-6B SFT](nlp/llm/ChatGLM2-6b-sft) | PyTorch | DeepSpeed | ADGEN & chatglm2-6b | +| [ChatGLM2-6B SFT](nlp/llm/chatglm2-6b-sft) | PyTorch | DeepSpeed | ADGEN & chatglm2-6b | | [ChatGLM3-6B](nlp/llm/chatglm3-6b/deepspeed/finetune_demo) | PyTorch | DeepSpeed | ADGEN & chatglm3-6b | | [DeepSeekMoE 7B](nlp/llm/deepseek_moe_7b/colossalai) | PyTorch | ColossalAI | deepseek-moe-16b-base | | [Llama-7B](nlp/llm/llama-7b/colossalai) | PyTorch | ColossalAI | llama-7b-hf | @@ -30,7 +30,7 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | [QWen-7B](nlp/llm/qwen-7b/firefly) | PyTorch | Firefly | qwen-7b | | [QWen1.5-7B](nlp/llm/qwen1.5-7b/firefly) | PyTorch | Firefly | school_math | | [QWen1.5-14B](nlp/llm/qwen1.5-14b/firefly) | PyTorch | Firefly | school_math | -| [Qwen2.5-7B SFT](nlp/llm/qwen2.5-7b/LLaMA-Factory) | PyTorch | LLaMA-Factory | qwen2.5-7b | +| [Qwen2.5-7B SFT](nlp/llm/qwen2.5-7b/llama-factory) | PyTorch | LLaMA-Factory | qwen2.5-7b | ### Computer Vision @@ -75,7 +75,7 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | [RepVGG](cv/classification/repvgg/pytorch) | PyTorch | ImageNet | | [RepVGG](cv/classification/repvgg/paddlepaddle) | PaddlePaddle | ImageNet | | [RepViT](cv/classification/repvit/pytorch) | PyTorch | ImageNet | -| [Res2Net50_14w_8s](cv/classification/Res2Net50_14w_8s/paddlepaddle) | PaddlePaddle | ImageNet | +| [Res2Net50_14w_8s](cv/classification/res2net50_14w_8s/paddlepaddle) | PaddlePaddle | ImageNet | | [ResNeSt14](cv/classification/resnest14/pytorch) | PyTorch | ImageNet | | [ResNeSt50](cv/classification/resnest50/pytorch) | PyTorch | ImageNet | | [ResNeSt50](cv/classification/resnest50/paddlepaddle) | PaddlePaddle | ImageNet | @@ -125,7 +125,7 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | Model | Framework | Dataset | |-----------------------------------------------------|--------------|---------| -| [SOLO](cv/instance_segmentation/SOLO/pytorch) | PyTorch | COCO | +| [SOLO](cv/instance_segmentation/solo/pytorch) | PyTorch | COCO | | [SOLOv2](cv/detection/solov2/paddlepaddle) | PaddlePaddle | COCO | | [SOLOv2](cv/instance_segmentation/solov2/pytorch) | PyTorch | COCO | | [YOLACT++](cv/instance_segmentation/yolact/pytorch) | PyTorch | COCO | @@ -135,15 +135,15 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | Model | Framework | Dataset | |-----------------------------------------------------|--------------|----------| | [DCGAN](cv/image_generation/dcgan/mindspore) | MindSpore | ImageNet | -| [Pix2Pix](cv/image_generation/Pix2pix/paddlepaddle) | PaddlePaddle | facades | +| [Pix2Pix](cv/image_generation/pix2pix/paddlepaddle) | PaddlePaddle | facades | #### Knowledge Distillation | Model | Framework | Dataset | |-----------------------------------|-----------|--------------| -| [CWD](cv/distiller/CWD/pytorch) | PyTorch | Cityscapes | -| [RKD](cv/distiller/RKD/pytorch) | PyTorch | CUB-200-2011 | -| [WSLD](cv/distiller/WSLD/pytorch) | PyTorch | ImageNet | +| [CWD](cv/distiller/cwd/pytorch) | PyTorch | Cityscapes | +| [RKD](cv/distiller/rkd/pytorch) | PyTorch | CUB-200-2011 | +| [WSLD](cv/distiller/wsld/pytorch) | PyTorch | ImageNet | #### Object Detection @@ -196,9 +196,9 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | Model | Framework | Dataset | |---------------------------------------------------------------|-----------|------------------| -| [BEVFormer](cv/3d_detection/BEVFormer/pytorch) | PyTorch | nuScenes&CAN bus | +| [BEVFormer](cv/3d_detection/bevformer/pytorch) | PyTorch | nuScenes&CAN bus | | [CenterPoint](cv/3d_detection/centerpoint/pytorch) | PyTorch | nuScenes | -| [PAConv](cv/3d_detection/PAConv/pytorch) | PyTorch | S3DIS | +| [PAConv](cv/3d_detection/paconv/pytorch) | PyTorch | S3DIS | | [Part-A2-Anchor](cv/3d_detection/part_a2_anchor/pytorch) | PyTorch | KITTI | | [Part-A2-Free](cv/3d_detection/part_a2_free/pytorch) | PyTorch | KITTI | | [PointNet++](cv/3d_detection/pointnet2/pytorch/mmdetection3d) | PyTorch | S3DIS | @@ -258,7 +258,7 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | Model | Framework | Dataset | |------------------------------------------------|-----------|----------| -| [MAE](cv/self_supervised_learning/MAE/pytorch) | PyTorch | ImageNet | +| [MAE](cv/self_supervised_learning/mae/pytorch) | PyTorch | ImageNet | #### Semantic Segmentation @@ -297,7 +297,7 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | [ICNet](cv/semantic_segmentation/icnet/pytorch) | PyTorch | COCO | | [LedNet](cv/semantic_segmentation/lednet/pytorch) | PyTorch | COCO | | [LinkNet](cv/semantic_segmentation/linknet/pytorch) | PyTorch | COCO | -| [Mask2Former](cv/semantic_segmentation/Mask2Former/pytorch) | PyTorch | Cityscapes | +| [Mask2Former](cv/semantic_segmentation/mask2former/pytorch) | PyTorch | Cityscapes | | [MobileSeg](cv/semantic_segmentation/mobileseg/paddlepaddle) | PaddlePaddle | Cityscapes | | [OCNet](cv/semantic_segmentation/ocnet/pytorch) | PyTorch | COCO | | [OCRNet](cv/semantic_segmentation/ocrnet/paddlepaddle) | PaddlePaddle | Cityscapes | @@ -319,8 +319,8 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | Model | Framework | Dataset | |-----------------------------------------------------------|-----------|---------| -| [basicVSR++](cv/super_resolution/basicVSR++/pytorch) | PyTorch | REDS | -| [basicVSR](cv/super_resolution/basicVSR/pytorch) | PyTorch | REDS | +| [basicVSR++](cv/super_resolution/basicvsr++/pytorch) | PyTorch | REDS | +| [basicVSR](cv/super_resolution/basicvsr/pytorch) | PyTorch | REDS | | [ESRGAN](cv/super_resolution/esrgan/pytorch) | PyTorch | DIV2K | | [LIIF](cv/super_resolution/liif/pytorch) | PyTorch | DIV2K | | [RealBasicVSR](cv/super_resolution/real_basicVSR/pytorch) | PyTorch | REDS | @@ -339,12 +339,12 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 | Model | Framework | Dataset | |------------------------------------------------------------------------|-----------|----------------| -| [BLIP](multimodal/BLIP/pytorch) | PyTorch | COCO | -| [CLIP](multimodal/Language-Image_Pre-Training/clip/pytorch) | PyTorch | CIFAR100 | -| [ControlNet](multimodal/diffusion/ControlNet) | PyTorch | Fill50K | +| [BLIP](multimodal/blip/pytorch) | PyTorch | COCO | +| [CLIP](multimodal/language-image_pre-training/clip/pytorch) | PyTorch | CIFAR100 | +| [ControlNet](multimodal/diffusion/controlnet) | PyTorch | Fill50K | | [DDPM](multimodal/diffusion/ddpm) | PyTorch | CIFAR-10 | | [LLaVA 1.5](multimodal/llava/pytorch) | PyTorch | LLaVA-Pretrain | -| [L-Verse](multimodal/Language-Image_Pre-Training/L-Verse/pytorch) | PyTorch | ImageNet | +| [L-Verse](multimodal/language-image_pre-training/l-verse/pytorch) | PyTorch | ImageNet | | [Stable Diffusion 1.4](multimodal/diffusion/stable-diffusion/training) | PyTorch | pokemon-images | | [Stable Diffusion 1.5](multimodal/diffusion/stable-diffusion/sd_1.5) | PyTorch | pokemon-images | | [Stable Diffusion 2.1](multimodal/diffusion/stable-diffusion/sd_2.1) | PyTorch | pokemon-images | diff --git a/cv/3d_detection/BEVFormer/pytorch/LICENSE b/cv/3d_detection/bevformer/pytorch/LICENSE similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/LICENSE rename to cv/3d_detection/bevformer/pytorch/LICENSE diff --git a/cv/3d_detection/BEVFormer/pytorch/README.md b/cv/3d_detection/bevformer/pytorch/README.md similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/README.md rename to cv/3d_detection/bevformer/pytorch/README.md diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/.pre-commit-config.yaml b/cv/3d_detection/bevformer/pytorch/mmcv/.pre-commit-config.yaml similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/.pre-commit-config.yaml rename to cv/3d_detection/bevformer/pytorch/mmcv/.pre-commit-config.yaml diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/.readthedocs.yml b/cv/3d_detection/bevformer/pytorch/mmcv/.readthedocs.yml similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/.readthedocs.yml rename to cv/3d_detection/bevformer/pytorch/mmcv/.readthedocs.yml diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/CITATION.cff b/cv/3d_detection/bevformer/pytorch/mmcv/CITATION.cff similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/CITATION.cff rename to cv/3d_detection/bevformer/pytorch/mmcv/CITATION.cff diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/LICENSE b/cv/3d_detection/bevformer/pytorch/mmcv/LICENSE similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/LICENSE rename to cv/3d_detection/bevformer/pytorch/mmcv/LICENSE diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/build_mmcv.sh b/cv/3d_detection/bevformer/pytorch/mmcv/build_mmcv.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/build_mmcv.sh rename to cv/3d_detection/bevformer/pytorch/mmcv/build_mmcv.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/clean_mmcv.sh b/cv/3d_detection/bevformer/pytorch/mmcv/clean_mmcv.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/clean_mmcv.sh rename to cv/3d_detection/bevformer/pytorch/mmcv/clean_mmcv.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/install_mmcv.sh b/cv/3d_detection/bevformer/pytorch/mmcv/install_mmcv.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/install_mmcv.sh rename to cv/3d_detection/bevformer/pytorch/mmcv/install_mmcv.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/arraymisc/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/arraymisc/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/arraymisc/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/arraymisc/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/arraymisc/quantization.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/arraymisc/quantization.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/arraymisc/quantization.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/arraymisc/quantization.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/alexnet.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/alexnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/alexnet.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/alexnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/activation.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/activation.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/activation.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/activation.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/context_block.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/context_block.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/context_block.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/context_block.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/conv.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/conv.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/conv.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/conv.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/conv2d_adaptive_padding.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/conv2d_adaptive_padding.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/conv2d_adaptive_padding.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/conv2d_adaptive_padding.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/conv_module.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/conv_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/conv_module.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/conv_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/conv_ws.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/conv_ws.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/conv_ws.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/conv_ws.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/depthwise_separable_conv_module.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/depthwise_separable_conv_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/depthwise_separable_conv_module.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/depthwise_separable_conv_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/drop.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/drop.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/drop.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/drop.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/generalized_attention.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/generalized_attention.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/generalized_attention.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/generalized_attention.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/hsigmoid.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/hsigmoid.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/hsigmoid.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/hsigmoid.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/hswish.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/hswish.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/hswish.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/hswish.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/non_local.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/non_local.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/non_local.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/non_local.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/norm.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/norm.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/norm.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/norm.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/padding.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/padding.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/padding.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/padding.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/plugin.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/plugin.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/plugin.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/plugin.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/registry.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/registry.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/registry.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/registry.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/scale.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/scale.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/scale.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/scale.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/swish.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/swish.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/swish.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/swish.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/transformer.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/transformer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/transformer.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/transformer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/upsample.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/upsample.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/upsample.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/upsample.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/wrappers.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/wrappers.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/bricks/wrappers.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/bricks/wrappers.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/builder.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/builder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/builder.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/builder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/resnet.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/resnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/resnet.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/resnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/flops_counter.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/flops_counter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/flops_counter.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/flops_counter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/fuse_conv_bn.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/fuse_conv_bn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/fuse_conv_bn.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/fuse_conv_bn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/sync_bn.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/sync_bn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/sync_bn.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/sync_bn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/weight_init.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/weight_init.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/utils/weight_init.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/utils/weight_init.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/vgg.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/vgg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/cnn/vgg.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/cnn/vgg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/dataloader.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/dataloader.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/dataloader.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/dataloader.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/hierarchical_data_manager.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/hierarchical_data_manager.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/hierarchical_data_manager.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/hierarchical_data_manager.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/hook_wrapper.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/hook_wrapper.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/hook_wrapper.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/hook_wrapper.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/model_wrapper.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/model_wrapper.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/model_wrapper.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/model_wrapper.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/runner.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/runner.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/runner.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/runner.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/utils.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/ipu/utils.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/ipu/utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/_functions.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/_functions.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/_functions.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/_functions.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/data_parallel.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/data_parallel.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/data_parallel.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/data_parallel.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/distributed.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/distributed.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/distributed.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/distributed.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/scatter_gather.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/scatter_gather.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/device/mlu/scatter_gather.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/device/mlu/scatter_gather.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/engine/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/engine/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/engine/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/engine/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/engine/test.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/engine/test.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/engine/test.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/engine/test.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/file_client.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/file_client.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/file_client.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/file_client.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/base.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/base.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/base.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/base.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/json_handler.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/json_handler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/json_handler.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/json_handler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/pickle_handler.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/pickle_handler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/pickle_handler.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/pickle_handler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/yaml_handler.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/yaml_handler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/handlers/yaml_handler.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/handlers/yaml_handler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/io.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/io.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/io.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/io.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/parse.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/parse.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/fileio/parse.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/fileio/parse.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/colorspace.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/colorspace.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/colorspace.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/colorspace.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/geometric.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/geometric.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/geometric.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/geometric.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/io.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/io.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/io.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/io.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/misc.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/misc.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/misc.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/misc.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/photometric.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/photometric.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/image/photometric.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/image/photometric.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/model_zoo/deprecated.json b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/model_zoo/deprecated.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/model_zoo/deprecated.json rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/model_zoo/deprecated.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/model_zoo/mmcls.json b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/model_zoo/mmcls.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/model_zoo/mmcls.json rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/model_zoo/mmcls.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/model_zoo/open_mmlab.json b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/model_zoo/open_mmlab.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/model_zoo/open_mmlab.json rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/model_zoo/open_mmlab.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/model_zoo/torchvision_0.12.json b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/model_zoo/torchvision_0.12.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/model_zoo/torchvision_0.12.json rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/model_zoo/torchvision_0.12.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/info.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/info.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/info.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/info.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/onnx_utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/onnx_utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/onnx_utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/onnx_utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/onnx_utils/symbolic_helper.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/onnx_utils/symbolic_helper.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/onnx_utils/symbolic_helper.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/onnx_utils/symbolic_helper.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/symbolic.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/symbolic.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/onnx/symbolic.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/onnx/symbolic.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/active_rotated_filter.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/active_rotated_filter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/active_rotated_filter.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/active_rotated_filter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/assign_score_withk.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/assign_score_withk.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/assign_score_withk.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/assign_score_withk.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/ball_query.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/ball_query.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/ball_query.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/ball_query.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/bbox.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/bbox.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/bbox.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/bbox.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/border_align.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/border_align.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/border_align.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/border_align.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/box_iou_rotated.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/box_iou_rotated.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/box_iou_rotated.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/box_iou_rotated.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/carafe.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/carafe.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/carafe.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/carafe.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/cc_attention.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/cc_attention.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/cc_attention.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/cc_attention.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/chamfer_distance.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/chamfer_distance.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/chamfer_distance.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/chamfer_distance.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/contour_expand.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/contour_expand.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/contour_expand.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/contour_expand.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/convex_iou.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/convex_iou.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/convex_iou.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/convex_iou.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/corner_pool.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/corner_pool.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/corner_pool.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/corner_pool.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/correlation.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/correlation.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/correlation.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/correlation.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/README.md b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/README.md similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/README.md rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/README.md diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/box_iou_rotated_utils.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/box_iou_rotated_utils.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/box_iou_rotated_utils.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/box_iou_rotated_utils.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/active_rotated_filter_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/active_rotated_filter_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/active_rotated_filter_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/active_rotated_filter_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/assign_score_withk_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/assign_score_withk_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/assign_score_withk_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/assign_score_withk_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/ball_query_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/ball_query_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/ball_query_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/ball_query_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/bbox_overlaps_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/bbox_overlaps_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/bbox_overlaps_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/bbox_overlaps_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/border_align_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/border_align_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/border_align_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/border_align_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/box_iou_rotated_cuda.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/box_iou_rotated_cuda.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/box_iou_rotated_cuda.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/box_iou_rotated_cuda.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/carafe_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/carafe_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/carafe_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/carafe_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/carafe_naive_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/carafe_naive_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/carafe_naive_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/carafe_naive_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/chamfer_distance_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/chamfer_distance_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/chamfer_distance_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/chamfer_distance_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/convex_iou_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/convex_iou_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/convex_iou_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/convex_iou_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/correlation_cuda.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/correlation_cuda.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/correlation_cuda.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/correlation_cuda.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/deform_conv_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/deform_conv_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/deform_conv_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/deform_conv_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/deform_roi_pool_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/deform_roi_pool_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/deform_roi_pool_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/deform_roi_pool_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/diff_iou_rotated_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/diff_iou_rotated_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/diff_iou_rotated_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/diff_iou_rotated_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/furthest_point_sample_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/furthest_point_sample_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/furthest_point_sample_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/furthest_point_sample_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/gather_points_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/gather_points_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/gather_points_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/gather_points_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/group_points_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/group_points_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/group_points_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/group_points_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/iou3d_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/iou3d_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/iou3d_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/iou3d_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/knn_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/knn_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/knn_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/knn_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/masked_conv2d_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/masked_conv2d_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/masked_conv2d_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/masked_conv2d_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/min_area_polygons_cuda.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/min_area_polygons_cuda.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/min_area_polygons_cuda.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/min_area_polygons_cuda.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/ms_deform_attn_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/ms_deform_attn_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/ms_deform_attn_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/ms_deform_attn_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/nms_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/nms_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/nms_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/nms_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/nms_rotated_cuda.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/nms_rotated_cuda.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/nms_rotated_cuda.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/nms_rotated_cuda.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/parrots_cudawarpfunction.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/parrots_cudawarpfunction.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/parrots_cudawarpfunction.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/parrots_cudawarpfunction.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/points_in_boxes_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/points_in_boxes_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/points_in_boxes_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/points_in_boxes_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/points_in_polygons_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/points_in_polygons_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/points_in_polygons_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/points_in_polygons_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/psamask_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/psamask_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/psamask_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/psamask_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/riroi_align_rotated_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/riroi_align_rotated_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/riroi_align_rotated_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/riroi_align_rotated_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_align_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_align_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_align_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_align_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_align_rotated_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_align_rotated_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_align_rotated_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_align_rotated_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_pool_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_pool_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_pool_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roi_pool_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roiaware_pool3d_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roiaware_pool3d_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roiaware_pool3d_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roiaware_pool3d_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roipoint_pool3d_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roipoint_pool3d_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roipoint_pool3d_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/roipoint_pool3d_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/rotated_feature_align_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/rotated_feature_align_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/rotated_feature_align_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/rotated_feature_align_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/scatter_points_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/scatter_points_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/scatter_points_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/scatter_points_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/sigmoid_focal_loss_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/sigmoid_focal_loss_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/sigmoid_focal_loss_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/sigmoid_focal_loss_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/softmax_focal_loss_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/softmax_focal_loss_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/softmax_focal_loss_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/softmax_focal_loss_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/three_interpolate_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/three_interpolate_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/three_interpolate_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/three_interpolate_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/three_nn_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/three_nn_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/three_nn_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/three_nn_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/tin_shift_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/tin_shift_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/tin_shift_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/tin_shift_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/voxelization_cuda_kernel.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/voxelization_cuda_kernel.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/voxelization_cuda_kernel.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/cuda/voxelization_cuda_kernel.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/bbox_overlaps_mlu_kernel.mlu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/bbox_overlaps_mlu_kernel.mlu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/bbox_overlaps_mlu_kernel.mlu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/bbox_overlaps_mlu_kernel.mlu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/common_mlu_helper.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/common_mlu_helper.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/common_mlu_helper.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/common_mlu_helper.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/focal_loss_sigmoid_mlu_kernel.mlu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/focal_loss_sigmoid_mlu_kernel.mlu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/focal_loss_sigmoid_mlu_kernel.mlu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/focal_loss_sigmoid_mlu_kernel.mlu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/nms_mlu_kernel.mlu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/nms_mlu_kernel.mlu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/nms_mlu_kernel.mlu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/nms_mlu_kernel.mlu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/psamask_mlu_kernel.mlu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/psamask_mlu_kernel.mlu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/psamask_mlu_kernel.mlu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/psamask_mlu_kernel.mlu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/psamask_utils.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/psamask_utils.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/psamask_utils.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/psamask_utils.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_mlu_kernel.mlu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_mlu_kernel.mlu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_mlu_kernel.mlu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_mlu_kernel.mlu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_rotated_mlu_kernel.mlu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_rotated_mlu_kernel.mlu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_rotated_mlu_kernel.mlu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_rotated_mlu_kernel.mlu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_rotated_utils.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_rotated_utils.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_rotated_utils.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/roi_align_rotated_utils.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/tin_shift_mlu_kernel.mlu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/tin_shift_mlu_kernel.mlu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/tin_shift_mlu_kernel.mlu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/mlu/tin_shift_mlu_kernel.mlu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/parrots_cpp_helper.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/parrots_cpp_helper.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/parrots_cpp_helper.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/parrots_cpp_helper.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/parrots_cuda_helper.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/parrots_cuda_helper.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/parrots_cuda_helper.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/parrots_cuda_helper.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_device_registry.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_device_registry.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_device_registry.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_device_registry.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_mlu_helper.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_mlu_helper.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_mlu_helper.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/common/pytorch_mlu_helper.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/corner_pool.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/corner_pool.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/corner_pool.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/corner_pool.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/corner_pool.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/corner_pool.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/corner_pool.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/corner_pool.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/gridSample.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/gridSample.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/gridSample.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/gridSample.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/modulated_deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/modulated_deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/modulated_deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/modulated_deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/nms.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/nms.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/nms.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/nms.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/onnxruntime_register.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/onnxruntime_register.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/onnxruntime_register.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/onnxruntime_register.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/reduce_ops.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/reduce_ops.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/reduce_ops.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/reduce_ops.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/roi_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/roi_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/roi_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/roi_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/roi_align_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/roi_align_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/roi_align_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/roi_align_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/rotated_feature_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/rotated_feature_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/rotated_feature_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/rotated_feature_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/soft_nms.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/soft_nms.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/soft_nms.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/cpu/soft_nms.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/deform_conv.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/deform_conv.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/deform_conv.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/deform_conv.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/grid_sample.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/grid_sample.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/grid_sample.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/grid_sample.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/modulated_deform_conv.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/modulated_deform_conv.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/modulated_deform_conv.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/modulated_deform_conv.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/nms.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/nms.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/nms.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/nms.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/onnxruntime_register.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/onnxruntime_register.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/onnxruntime_register.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/onnxruntime_register.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/onnxruntime_session_options_config_keys.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/onnxruntime_session_options_config_keys.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/onnxruntime_session_options_config_keys.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/onnxruntime_session_options_config_keys.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/ort_mmcv_utils.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/ort_mmcv_utils.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/ort_mmcv_utils.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/ort_mmcv_utils.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/reduce_ops.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/reduce_ops.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/reduce_ops.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/reduce_ops.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/roi_align.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/roi_align.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/roi_align.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/roi_align.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/roi_align_rotated.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/roi_align_rotated.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/roi_align_rotated.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/roi_align_rotated.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/rotated_feature_align.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/rotated_feature_align.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/rotated_feature_align.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/rotated_feature_align.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/soft_nms.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/soft_nms.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/soft_nms.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/onnxruntime/soft_nms.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/active_rotated_filter_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/assign_score_withk_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query._parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query._parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query._parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query._parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ball_query_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/bbox_overlaps_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/border_align_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/box_iou_rotated_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_naive_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/carafe_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/contour_expand_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/convex_iou_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/correlation_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/cudabind.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/cudabind.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/cudabind.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/cudabind.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_conv_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/deform_roi_pool_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/diff_iou_rotated_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/focal_loss_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/furthest_point_sample_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/fused_bias_leakyrelu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/fused_bias_leakyrelu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/fused_bias_leakyrelu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/fused_bias_leakyrelu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/fused_bias_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/fused_bias_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/fused_bias_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/fused_bias_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/gather_points_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/group_points_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/info.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/info.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/info.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/info.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/iou3d_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/knn_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/masked_conv2d_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/min_area_polygons_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/modulated_deform_conv_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ms_deform_attn.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ms_deform_attn.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ms_deform_attn.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ms_deform_attn.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ms_deform_attn_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ms_deform_attn_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/ms_deform_attn_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/ms_deform_attn_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/nms_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/pixel_group_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_boxes_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/points_in_polygons_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/psamask_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/riroi_align_rotated_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_align_rotated_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roi_pool_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roiaware_pool3d_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/roipoint_pool3d_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/rotated_feature_align_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/sync_bn_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_interpolate_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/three_nn_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/tin_shift_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/upfirdn2d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/upfirdn2d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/upfirdn2d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/upfirdn2d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/upfirdn2d_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/upfirdn2d_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/upfirdn2d_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/upfirdn2d_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization_parrots.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization_parrots.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization_parrots.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization_parrots.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization_pytorch.h b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization_pytorch.h similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization_pytorch.h rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/parrots/voxelization_pytorch.h diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/active_rotated_filter.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/active_rotated_filter.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/active_rotated_filter.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/active_rotated_filter.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/assign_score_withk.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/assign_score_withk.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/assign_score_withk.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/assign_score_withk.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/ball_query.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/ball_query.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/ball_query.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/ball_query.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/bbox_overlaps.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/bbox_overlaps.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/bbox_overlaps.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/bbox_overlaps.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/border_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/border_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/border_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/border_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/box_iou_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/box_iou_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/box_iou_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/box_iou_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/carafe.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/carafe.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/carafe.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/carafe.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/carafe_naive.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/carafe_naive.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/carafe_naive.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/carafe_naive.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/chamfer_distance.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/chamfer_distance.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/chamfer_distance.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/chamfer_distance.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/contour_expand.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/contour_expand.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/contour_expand.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/contour_expand.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/convex_iou.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/convex_iou.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/convex_iou.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/convex_iou.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/correlation.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/correlation.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/correlation.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/correlation.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/active_rotated_filter.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/active_rotated_filter.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/active_rotated_filter.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/active_rotated_filter.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/box_iou_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/box_iou_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/box_iou_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/box_iou_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/modulated_deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/modulated_deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/modulated_deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/modulated_deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/nms.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/nms.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/nms.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/nms.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/nms_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/nms_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/nms_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/nms_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/pixel_group.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/pixel_group.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/pixel_group.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/pixel_group.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/points_in_boxes.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/points_in_boxes.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/points_in_boxes.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/points_in_boxes.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/psamask.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/psamask.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/psamask.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/psamask.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/roi_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/roi_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/roi_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/roi_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/roi_align_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/roi_align_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/roi_align_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/roi_align_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/rotated_feature_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/rotated_feature_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/rotated_feature_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/rotated_feature_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/voxelization.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/voxelization.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/voxelization.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cpu/voxelization.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/active_rotated_filter_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/active_rotated_filter_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/active_rotated_filter_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/active_rotated_filter_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/assign_score_withk_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/assign_score_withk_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/assign_score_withk_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/assign_score_withk_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/ball_query_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/ball_query_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/ball_query_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/ball_query_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/bbox_overlaps_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/bbox_overlaps_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/bbox_overlaps_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/bbox_overlaps_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/border_align_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/border_align_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/border_align_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/border_align_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/box_iou_rotated_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/box_iou_rotated_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/box_iou_rotated_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/box_iou_rotated_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/carafe_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/carafe_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/carafe_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/carafe_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/carafe_naive_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/carafe_naive_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/carafe_naive_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/carafe_naive_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/chamfer_distance_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/chamfer_distance_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/chamfer_distance_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/chamfer_distance_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/convex_iou.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/convex_iou.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/convex_iou.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/convex_iou.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/correlation_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/correlation_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/correlation_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/correlation_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/cudabind.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/cudabind.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/cudabind.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/cudabind.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/deform_conv_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/deform_conv_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/deform_conv_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/deform_conv_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/deform_roi_pool_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/deform_roi_pool_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/deform_roi_pool_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/deform_roi_pool_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/diff_iou_rotated_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/diff_iou_rotated_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/diff_iou_rotated_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/diff_iou_rotated_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/focal_loss_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/focal_loss_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/focal_loss_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/focal_loss_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/furthest_point_sample_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/furthest_point_sample_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/furthest_point_sample_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/furthest_point_sample_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/fused_bias_leakyrelu_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/fused_bias_leakyrelu_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/fused_bias_leakyrelu_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/fused_bias_leakyrelu_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/gather_points_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/gather_points_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/gather_points_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/gather_points_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/group_points_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/group_points_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/group_points_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/group_points_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/iou3d_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/iou3d_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/iou3d_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/iou3d_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/knn_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/knn_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/knn_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/knn_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/masked_conv2d_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/masked_conv2d_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/masked_conv2d_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/masked_conv2d_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/min_area_polygons.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/min_area_polygons.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/min_area_polygons.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/min_area_polygons.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/ms_deform_attn_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/ms_deform_attn_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/ms_deform_attn_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/ms_deform_attn_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/nms_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/nms_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/nms_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/nms_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/nms_rotated_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/nms_rotated_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/nms_rotated_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/nms_rotated_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/points_in_boxes_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/points_in_boxes_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/points_in_boxes_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/points_in_boxes_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/points_in_polygons_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/points_in_polygons_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/points_in_polygons_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/points_in_polygons_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/psamask_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/psamask_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/psamask_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/psamask_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/riroi_align_rotated_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/riroi_align_rotated_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/riroi_align_rotated_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/riroi_align_rotated_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_align_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_align_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_align_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_align_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_align_rotated_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_align_rotated_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_align_rotated_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_align_rotated_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_pool_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_pool_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_pool_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roi_pool_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roiaware_pool3d_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roiaware_pool3d_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roiaware_pool3d_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roiaware_pool3d_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roipoint_pool3d_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roipoint_pool3d_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roipoint_pool3d_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/roipoint_pool3d_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/rotated_feature_align_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/rotated_feature_align_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/rotated_feature_align_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/rotated_feature_align_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/scatter_points_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/scatter_points_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/scatter_points_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/scatter_points_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/three_interpolate_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/three_interpolate_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/three_interpolate_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/three_interpolate_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/three_nn_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/three_nn_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/three_nn_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/three_nn_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/tin_shift_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/tin_shift_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/tin_shift_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/tin_shift_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/upfirdn2d_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/upfirdn2d_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/upfirdn2d_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/upfirdn2d_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/voxelization_cuda.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/voxelization_cuda.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/voxelization_cuda.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/cuda/voxelization_cuda.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/deform_roi_pool.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/deform_roi_pool.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/deform_roi_pool.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/deform_roi_pool.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/diff_iou_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/diff_iou_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/diff_iou_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/diff_iou_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/focal_loss.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/focal_loss.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/focal_loss.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/focal_loss.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/furthest_point_sample.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/furthest_point_sample.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/furthest_point_sample.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/furthest_point_sample.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/fused_bias_leakyrelu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/fused_bias_leakyrelu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/fused_bias_leakyrelu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/fused_bias_leakyrelu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/fused_spconv_ops.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/fused_spconv_ops.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/fused_spconv_ops.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/fused_spconv_ops.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/gather_points.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/gather_points.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/gather_points.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/gather_points.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/group_points.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/group_points.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/group_points.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/group_points.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/info.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/info.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/info.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/info.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/iou3d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/iou3d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/iou3d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/iou3d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/knn.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/knn.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/knn.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/knn.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/masked_conv2d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/masked_conv2d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/masked_conv2d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/masked_conv2d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/min_area_polygons.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/min_area_polygons.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/min_area_polygons.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/min_area_polygons.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/bbox_overlaps_mlu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/bbox_overlaps_mlu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/bbox_overlaps_mlu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/bbox_overlaps_mlu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/focal_loss_sigmoid_mlu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/focal_loss_sigmoid_mlu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/focal_loss_sigmoid_mlu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/focal_loss_sigmoid_mlu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/nms_mlu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/nms_mlu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/nms_mlu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/nms_mlu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/psamask_mlu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/psamask_mlu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/psamask_mlu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/psamask_mlu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/roi_align_mlu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/roi_align_mlu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/roi_align_mlu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/roi_align_mlu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/roi_align_rotated_mlu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/roi_align_rotated_mlu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/roi_align_rotated_mlu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/roi_align_rotated_mlu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/tin_shift_mlu.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/tin_shift_mlu.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/tin_shift_mlu.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/mlu/tin_shift_mlu.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/ms_deform_attn.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/ms_deform_attn.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/ms_deform_attn.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/ms_deform_attn.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/nms.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/nms.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/nms.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/nms.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/nms_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/nms_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/nms_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/nms_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/pixel_group.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/pixel_group.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/pixel_group.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/pixel_group.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/points_in_boxes.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/points_in_boxes.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/points_in_boxes.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/points_in_boxes.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/points_in_polygons.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/points_in_polygons.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/points_in_polygons.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/points_in_polygons.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/psamask.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/psamask.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/psamask.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/psamask.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/pybind.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/pybind.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/pybind.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/pybind.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/riroi_align_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/riroi_align_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/riroi_align_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/riroi_align_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_align_rotated.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_align_rotated.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_align_rotated.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_align_rotated.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_pool.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_pool.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_pool.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roi_pool.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roiaware_pool3d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roiaware_pool3d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roiaware_pool3d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roiaware_pool3d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roipoint_pool3d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roipoint_pool3d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roipoint_pool3d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/roipoint_pool3d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/rotated_feature_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/rotated_feature_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/rotated_feature_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/rotated_feature_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/scatter_points.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/scatter_points.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/scatter_points.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/scatter_points.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/sync_bn.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/sync_bn.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/sync_bn.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/sync_bn.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/three_interpolate.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/three_interpolate.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/three_interpolate.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/three_interpolate.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/three_nn.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/three_nn.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/three_nn.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/three_nn.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/tin_shift.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/tin_shift.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/tin_shift.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/tin_shift.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/upfirdn2d.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/upfirdn2d.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/upfirdn2d.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/upfirdn2d.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/voxelization.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/voxelization.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/pytorch/voxelization.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/pytorch/voxelization.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_corner_pool.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_corner_pool.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_corner_pool.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_corner_pool.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_corner_pool_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_corner_pool_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_corner_pool_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_corner_pool_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cuda_helper.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cuda_helper.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cuda_helper.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cuda_helper.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cummaxmin.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cummaxmin.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cummaxmin.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cummaxmin.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cummaxmin_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cummaxmin_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cummaxmin_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_cummaxmin_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_deform_conv_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_deform_conv_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_deform_conv_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_deform_conv_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_grid_sampler.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_grid_sampler.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_grid_sampler.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_grid_sampler.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_grid_sampler_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_grid_sampler_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_grid_sampler_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_grid_sampler_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_instance_norm.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_instance_norm.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_instance_norm.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_instance_norm.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_modulated_deform_conv.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_modulated_deform_conv.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_modulated_deform_conv.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_modulated_deform_conv.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_modulated_deform_conv_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_modulated_deform_conv_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_modulated_deform_conv_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_modulated_deform_conv_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_nms.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_nms.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_nms.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_nms.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_nms_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_nms_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_nms_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_nms_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_plugin.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_plugin.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_plugin.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_plugin.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_roi_align.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_roi_align.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_roi_align.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_roi_align.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_roi_align_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_roi_align_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_roi_align_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_roi_align_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_scatternd.cpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_scatternd.cpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_scatternd.cpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_scatternd.cpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_scatternd_kernel.cu b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_scatternd_kernel.cu similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_scatternd_kernel.cu rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/plugins/trt_scatternd_kernel.cu diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_corner_pool.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_corner_pool.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_corner_pool.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_corner_pool.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_cuda_helper.cuh b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_cuda_helper.cuh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_cuda_helper.cuh rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_cuda_helper.cuh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_cummaxmin.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_cummaxmin.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_cummaxmin.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_cummaxmin.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_deform_conv.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_deform_conv.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_deform_conv.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_deform_conv.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_grid_sampler.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_grid_sampler.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_grid_sampler.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_grid_sampler.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_instance_norm.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_instance_norm.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_instance_norm.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_instance_norm.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_modulated_deform_conv.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_modulated_deform_conv.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_modulated_deform_conv.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_modulated_deform_conv.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_nms.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_nms.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_nms.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_nms.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_plugin.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_plugin.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_plugin.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_plugin.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_plugin_helper.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_plugin_helper.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_plugin_helper.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_plugin_helper.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_roi_align.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_roi_align.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_roi_align.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_roi_align.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_scatternd.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_scatternd.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_scatternd.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_scatternd.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_serialize.hpp b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_serialize.hpp similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_serialize.hpp rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/csrc/tensorrt/trt_serialize.hpp diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/deform_conv.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/deform_conv.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/deform_conv.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/deform_conv.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/deform_roi_pool.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/deform_roi_pool.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/deform_roi_pool.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/deform_roi_pool.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/deprecated_wrappers.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/deprecated_wrappers.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/deprecated_wrappers.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/deprecated_wrappers.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/diff_iou_rotated.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/diff_iou_rotated.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/diff_iou_rotated.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/diff_iou_rotated.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/focal_loss.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/focal_loss.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/focal_loss.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/focal_loss.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/furthest_point_sample.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/furthest_point_sample.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/furthest_point_sample.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/furthest_point_sample.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/fused_bias_leakyrelu.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/fused_bias_leakyrelu.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/fused_bias_leakyrelu.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/fused_bias_leakyrelu.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/gather_points.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/gather_points.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/gather_points.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/gather_points.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/group_points.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/group_points.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/group_points.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/group_points.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/info.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/info.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/info.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/info.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/iou3d.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/iou3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/iou3d.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/iou3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/knn.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/knn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/knn.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/knn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/masked_conv.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/masked_conv.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/masked_conv.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/masked_conv.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/merge_cells.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/merge_cells.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/merge_cells.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/merge_cells.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/min_area_polygons.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/min_area_polygons.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/min_area_polygons.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/min_area_polygons.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/modulated_deform_conv.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/modulated_deform_conv.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/modulated_deform_conv.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/modulated_deform_conv.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/multi_scale_deform_attn.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/multi_scale_deform_attn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/multi_scale_deform_attn.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/multi_scale_deform_attn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/nms.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/nms.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/nms.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/nms.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/pixel_group.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/pixel_group.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/pixel_group.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/pixel_group.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/point_sample.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/point_sample.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/point_sample.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/point_sample.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/points_in_boxes.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/points_in_boxes.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/points_in_boxes.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/points_in_boxes.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/points_in_polygons.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/points_in_polygons.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/points_in_polygons.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/points_in_polygons.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/points_sampler.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/points_sampler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/points_sampler.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/points_sampler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/psa_mask.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/psa_mask.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/psa_mask.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/psa_mask.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/riroi_align_rotated.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/riroi_align_rotated.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/riroi_align_rotated.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/riroi_align_rotated.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roi_align.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roi_align.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roi_align.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roi_align.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roi_align_rotated.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roi_align_rotated.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roi_align_rotated.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roi_align_rotated.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roi_pool.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roi_pool.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roi_pool.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roi_pool.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roiaware_pool3d.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roiaware_pool3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roiaware_pool3d.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roiaware_pool3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roipoint_pool3d.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roipoint_pool3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/roipoint_pool3d.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/roipoint_pool3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/rotated_feature_align.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/rotated_feature_align.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/rotated_feature_align.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/rotated_feature_align.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/saconv.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/saconv.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/saconv.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/saconv.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/scatter_points.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/scatter_points.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/scatter_points.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/scatter_points.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/sync_bn.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/sync_bn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/sync_bn.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/sync_bn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/three_interpolate.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/three_interpolate.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/three_interpolate.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/three_interpolate.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/three_nn.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/three_nn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/three_nn.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/three_nn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/tin_shift.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/tin_shift.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/tin_shift.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/tin_shift.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/upfirdn2d.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/upfirdn2d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/upfirdn2d.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/upfirdn2d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/voxelize.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/voxelize.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/ops/voxelize.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/ops/voxelize.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/_functions.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/_functions.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/_functions.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/_functions.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/collate.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/collate.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/collate.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/collate.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/data_container.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/data_container.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/data_container.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/data_container.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/data_parallel.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/data_parallel.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/data_parallel.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/data_parallel.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/distributed.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/distributed.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/distributed.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/distributed.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/distributed_deprecated.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/distributed_deprecated.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/distributed_deprecated.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/distributed_deprecated.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/registry.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/registry.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/registry.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/registry.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/scatter_gather.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/scatter_gather.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/scatter_gather.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/scatter_gather.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/utils.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/parallel/utils.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/parallel/utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/base_module.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/base_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/base_module.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/base_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/base_runner.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/base_runner.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/base_runner.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/base_runner.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/builder.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/builder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/builder.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/builder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/checkpoint.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/checkpoint.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/checkpoint.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/checkpoint.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/default_constructor.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/default_constructor.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/default_constructor.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/default_constructor.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/dist_utils.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/dist_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/dist_utils.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/dist_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/epoch_based_runner.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/epoch_based_runner.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/epoch_based_runner.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/epoch_based_runner.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/fp16_utils.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/fp16_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/fp16_utils.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/fp16_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/checkpoint.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/checkpoint.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/checkpoint.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/checkpoint.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/closure.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/closure.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/closure.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/closure.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/ema.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/ema.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/ema.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/ema.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/evaluation.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/evaluation.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/evaluation.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/evaluation.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/hook.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/hook.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/hook.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/hook.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/iter_timer.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/iter_timer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/iter_timer.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/iter_timer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/base.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/base.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/base.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/base.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/clearml.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/clearml.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/clearml.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/clearml.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/dvclive.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/dvclive.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/dvclive.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/dvclive.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/mlflow.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/mlflow.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/mlflow.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/mlflow.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/neptune.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/neptune.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/neptune.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/neptune.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/pavi.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/pavi.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/pavi.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/pavi.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/segmind.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/segmind.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/segmind.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/segmind.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/tensorboard.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/tensorboard.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/tensorboard.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/tensorboard.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/text.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/text.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/text.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/text.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/wandb.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/wandb.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/logger/wandb.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/logger/wandb.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/lr_updater.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/lr_updater.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/lr_updater.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/lr_updater.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/memory.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/memory.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/memory.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/memory.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/momentum_updater.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/momentum_updater.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/momentum_updater.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/momentum_updater.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/optimizer.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/optimizer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/optimizer.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/optimizer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/profiler.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/profiler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/profiler.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/profiler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/sampler_seed.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/sampler_seed.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/sampler_seed.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/sampler_seed.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/sync_buffer.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/sync_buffer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/hooks/sync_buffer.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/hooks/sync_buffer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/iter_based_runner.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/iter_based_runner.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/iter_based_runner.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/iter_based_runner.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/log_buffer.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/log_buffer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/log_buffer.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/log_buffer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/optimizer/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/optimizer/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/optimizer/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/optimizer/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/optimizer/builder.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/optimizer/builder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/optimizer/builder.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/optimizer/builder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/optimizer/default_constructor.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/optimizer/default_constructor.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/optimizer/default_constructor.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/optimizer/default_constructor.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/priority.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/priority.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/priority.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/priority.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/utils.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/runner/utils.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/runner/utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/tensorrt/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/tensorrt/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/tensorrt/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/tensorrt/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/tensorrt/init_plugins.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/tensorrt/init_plugins.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/tensorrt/init_plugins.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/tensorrt/init_plugins.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/tensorrt/preprocess.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/tensorrt/preprocess.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/tensorrt/preprocess.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/tensorrt/preprocess.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/tensorrt/tensorrt_utils.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/tensorrt/tensorrt_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/tensorrt/tensorrt_utils.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/tensorrt/tensorrt_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/config.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/config.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/config.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/config.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/device_type.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/device_type.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/device_type.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/device_type.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/env.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/env.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/env.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/env.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/ext_loader.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/ext_loader.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/ext_loader.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/ext_loader.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/hub.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/hub.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/hub.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/hub.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/logging.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/logging.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/logging.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/logging.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/misc.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/misc.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/misc.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/misc.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/parrots_jit.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/parrots_jit.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/parrots_jit.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/parrots_jit.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/parrots_wrapper.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/parrots_wrapper.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/parrots_wrapper.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/parrots_wrapper.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/path.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/path.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/path.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/path.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/progressbar.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/progressbar.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/progressbar.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/progressbar.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/registry.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/registry.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/registry.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/registry.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/seed.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/seed.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/seed.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/seed.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/testing.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/testing.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/testing.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/testing.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/timer.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/timer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/timer.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/timer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/trace.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/trace.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/trace.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/trace.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/version_utils.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/version_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/utils/version_utils.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/utils/version_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/version.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/version.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/version.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/version.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/video/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/video/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/video/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/video/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/video/io.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/video/io.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/video/io.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/video/io.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/video/optflow.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/video/optflow.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/video/optflow.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/video/optflow.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/video/processing.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/video/processing.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/video/processing.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/video/processing.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/visualization/__init__.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/visualization/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/visualization/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/visualization/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/visualization/color.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/visualization/color.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/visualization/color.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/visualization/color.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/visualization/image.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/visualization/image.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/visualization/image.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/visualization/image.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/visualization/optflow.py b/cv/3d_detection/bevformer/pytorch/mmcv/mmcv/visualization/optflow.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/mmcv/visualization/optflow.py rename to cv/3d_detection/bevformer/pytorch/mmcv/mmcv/visualization/optflow.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmcv/setup.py b/cv/3d_detection/bevformer/pytorch/mmcv/setup.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmcv/setup.py rename to cv/3d_detection/bevformer/pytorch/mmcv/setup.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/CITATION.cff b/cv/3d_detection/bevformer/pytorch/mmdetection3d/CITATION.cff similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/CITATION.cff rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/CITATION.cff diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/LICENSE b/cv/3d_detection/bevformer/pytorch/mmdetection3d/LICENSE similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/LICENSE rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/LICENSE diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/apis/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/apis/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/apis/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/apis/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/apis/inference.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/apis/inference.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/apis/inference.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/apis/inference.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/apis/test.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/apis/test.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/apis/test.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/apis/test.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/apis/train.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/apis/train.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/apis/train.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/apis/train.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/anchor/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/anchor/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/anchor/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/anchor/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/anchor/anchor_3d_generator.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/anchor/anchor_3d_generator.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/anchor/anchor_3d_generator.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/anchor/anchor_3d_generator.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/assigners/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/assigners/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/assigners/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/assigners/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/box_np_ops.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/box_np_ops.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/box_np_ops.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/box_np_ops.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/fcos3d_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/fcos3d_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/fcos3d_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/fcos3d_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/monoflex_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/monoflex_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/monoflex_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/monoflex_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/pgd_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/pgd_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/pgd_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/pgd_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/point_xyzwhlr_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/point_xyzwhlr_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/point_xyzwhlr_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/point_xyzwhlr_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/smoke_bbox_coder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/smoke_bbox_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/smoke_bbox_coder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/coders/smoke_bbox_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/iou_calculators/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/iou_calculators/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/iou_calculators/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/iou_calculators/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/samplers/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/samplers/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/samplers/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/samplers/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/base_box3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/base_box3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/base_box3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/base_box3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/box_3d_mode.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/box_3d_mode.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/box_3d_mode.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/box_3d_mode.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/cam_box3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/cam_box3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/cam_box3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/cam_box3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/coord_3d_mode.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/coord_3d_mode.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/coord_3d_mode.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/coord_3d_mode.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/depth_box3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/depth_box3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/depth_box3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/depth_box3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/lidar_box3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/lidar_box3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/lidar_box3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/lidar_box3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/structures/utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/transforms.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/transforms.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/bbox/transforms.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/bbox/transforms.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/indoor_eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/indoor_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/indoor_eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/indoor_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/instance_seg_eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/instance_seg_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/instance_seg_eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/instance_seg_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/lyft_eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/lyft_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/lyft_eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/lyft_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/evaluate_semantic_instance.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/evaluate_semantic_instance.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/evaluate_semantic_instance.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/evaluate_semantic_instance.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/util_3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/util_3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/util_3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/scannet_utils/util_3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/seg_eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/seg_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/seg_eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/seg_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/waymo_utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/waymo_utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/waymo_utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/waymo_utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/base_points.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/base_points.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/base_points.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/base_points.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/cam_points.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/cam_points.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/cam_points.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/cam_points.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/depth_points.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/depth_points.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/depth_points.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/depth_points.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/lidar_points.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/lidar_points.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/points/lidar_points.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/points/lidar_points.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/post_processing/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/post_processing/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/post_processing/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/post_processing/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/post_processing/box3d_nms.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/post_processing/box3d_nms.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/post_processing/box3d_nms.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/post_processing/box3d_nms.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/post_processing/merge_augs.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/post_processing/merge_augs.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/post_processing/merge_augs.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/post_processing/merge_augs.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/utils/array_converter.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/utils/array_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/utils/array_converter.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/utils/array_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/utils/gaussian.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/utils/gaussian.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/utils/gaussian.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/utils/gaussian.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/visualizer/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/visualizer/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/visualizer/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/visualizer/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/visualizer/image_vis.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/visualizer/image_vis.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/visualizer/image_vis.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/visualizer/image_vis.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/visualizer/open3d_vis.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/visualizer/open3d_vis.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/visualizer/open3d_vis.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/visualizer/open3d_vis.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/visualizer/show_result.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/visualizer/show_result.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/visualizer/show_result.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/visualizer/show_result.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/voxel/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/voxel/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/voxel/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/voxel/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/voxel/builder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/voxel/builder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/voxel/builder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/voxel/builder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/voxel/voxel_generator.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/voxel/voxel_generator.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/core/voxel/voxel_generator.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/core/voxel/voxel_generator.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/builder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/builder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/builder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/builder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/custom_3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/custom_3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/custom_3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/custom_3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/custom_3d_seg.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/custom_3d_seg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/custom_3d_seg.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/custom_3d_seg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/dataset_wrappers.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/dataset_wrappers.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/dataset_wrappers.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/dataset_wrappers.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/kitti2d_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/kitti2d_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/kitti2d_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/kitti2d_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/kitti_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/kitti_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/kitti_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/kitti_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/kitti_mono_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/kitti_mono_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/kitti_mono_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/kitti_mono_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/lyft_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/lyft_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/lyft_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/lyft_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_mono_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_mono_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_mono_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/nuscenes_mono_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/compose.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/compose.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/compose.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/compose.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/data_augment_utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/data_augment_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/data_augment_utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/data_augment_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/dbsampler.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/dbsampler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/dbsampler.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/dbsampler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/formating.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/formating.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/formating.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/formating.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/loading.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/loading.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/loading.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/loading.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/test_time_aug.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/test_time_aug.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/test_time_aug.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/test_time_aug.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/transforms_3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/transforms_3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/transforms_3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/pipelines/transforms_3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/s3dis_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/s3dis_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/s3dis_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/s3dis_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/scannet_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/scannet_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/scannet_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/scannet_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/semantickitti_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/semantickitti_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/semantickitti_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/semantickitti_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/sunrgbd_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/sunrgbd_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/sunrgbd_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/sunrgbd_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/waymo_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/waymo_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/datasets/waymo_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/datasets/waymo_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/base_pointnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/base_pointnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/base_pointnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/base_pointnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/dgcnn.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/dgcnn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/dgcnn.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/dgcnn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/dla.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/dla.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/dla.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/dla.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/multi_backbone.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/multi_backbone.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/multi_backbone.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/multi_backbone.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/nostem_regnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/nostem_regnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/nostem_regnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/nostem_regnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_msg.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_msg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_msg.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_msg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_ssg.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_ssg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_ssg.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/pointnet2_sa_ssg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/second.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/second.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/backbones/second.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/backbones/second.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/builder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/builder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/builder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/builder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/decode_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/decode_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/decode_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/decode_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/dgcnn_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/dgcnn_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/dgcnn_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/dgcnn_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/paconv_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/paconv_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/paconv_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/paconv_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/pointnet2_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/pointnet2_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/pointnet2_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/decode_heads/pointnet2_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_conv_bbox_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_conv_bbox_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_conv_bbox_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_conv_bbox_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_mono3d_dense_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_mono3d_dense_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_mono3d_dense_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/base_mono3d_dense_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/centerpoint_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/centerpoint_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/centerpoint_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/centerpoint_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcaf3d_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcaf3d_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcaf3d_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcaf3d_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcos_mono3d_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcos_mono3d_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcos_mono3d_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/fcos_mono3d_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/free_anchor3d_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/free_anchor3d_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/free_anchor3d_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/free_anchor3d_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/groupfree3d_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/groupfree3d_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/groupfree3d_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/groupfree3d_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/monoflex_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/monoflex_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/monoflex_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/monoflex_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/parta2_rpn_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/parta2_rpn_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/parta2_rpn_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/parta2_rpn_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/pgd_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/pgd_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/pgd_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/pgd_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/point_rpn_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/point_rpn_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/point_rpn_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/point_rpn_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/shape_aware_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/shape_aware_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/shape_aware_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/shape_aware_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/smoke_mono3d_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/smoke_mono3d_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/smoke_mono3d_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/smoke_mono3d_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/ssd_3d_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/ssd_3d_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/ssd_3d_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/ssd_3d_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/train_mixins.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/train_mixins.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/train_mixins.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/train_mixins.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/vote_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/vote_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/vote_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/dense_heads/vote_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/base.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/base.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/base.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/base.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/centerpoint.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/centerpoint.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/centerpoint.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/centerpoint.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/dynamic_voxelnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/dynamic_voxelnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/dynamic_voxelnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/dynamic_voxelnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/fcos_mono3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/fcos_mono3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/fcos_mono3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/fcos_mono3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/groupfree3dnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/groupfree3dnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/groupfree3dnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/groupfree3dnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/h3dnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/h3dnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/h3dnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/h3dnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/imvotenet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/imvotenet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/imvotenet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/imvotenet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/imvoxelnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/imvoxelnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/imvoxelnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/imvoxelnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/mink_single_stage.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/mink_single_stage.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/mink_single_stage.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/mink_single_stage.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_faster_rcnn.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_faster_rcnn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_faster_rcnn.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_faster_rcnn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/parta2.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/parta2.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/parta2.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/parta2.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/point_rcnn.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/point_rcnn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/point_rcnn.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/point_rcnn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/sassd.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/sassd.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/sassd.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/sassd.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage_mono3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage_mono3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage_mono3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/single_stage_mono3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/smoke_mono3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/smoke_mono3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/smoke_mono3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/smoke_mono3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/ssd3dnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/ssd3dnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/ssd3dnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/ssd3dnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/two_stage.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/two_stage.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/two_stage.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/two_stage.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/votenet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/votenet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/votenet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/votenet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/voxelnet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/voxelnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/detectors/voxelnet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/detectors/voxelnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/coord_transform.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/coord_transform.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/coord_transform.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/coord_transform.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/point_fusion.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/point_fusion.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/point_fusion.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/point_fusion.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/vote_fusion.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/vote_fusion.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/vote_fusion.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/fusion_layers/vote_fusion.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/axis_aligned_iou_loss.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/axis_aligned_iou_loss.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/axis_aligned_iou_loss.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/axis_aligned_iou_loss.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/chamfer_distance.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/chamfer_distance.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/chamfer_distance.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/chamfer_distance.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/multibin_loss.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/multibin_loss.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/multibin_loss.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/multibin_loss.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/paconv_regularization_loss.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/paconv_regularization_loss.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/paconv_regularization_loss.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/paconv_regularization_loss.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/rotated_iou_loss.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/rotated_iou_loss.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/rotated_iou_loss.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/rotated_iou_loss.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/uncertain_smooth_l1_loss.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/uncertain_smooth_l1_loss.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/losses/uncertain_smooth_l1_loss.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/losses/uncertain_smooth_l1_loss.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/pillar_scatter.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/pillar_scatter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/pillar_scatter.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/pillar_scatter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_encoder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_encoder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_encoder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_encoder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_unet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_unet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_unet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/middle_encoders/sparse_unet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/model_utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/model_utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/model_utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/model_utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/model_utils/edge_fusion_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/model_utils/edge_fusion_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/model_utils/edge_fusion_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/model_utils/edge_fusion_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/model_utils/transformer.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/model_utils/transformer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/model_utils/transformer.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/model_utils/transformer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/model_utils/vote_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/model_utils/vote_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/model_utils/vote_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/model_utils/vote_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/dla_neck.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/dla_neck.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/dla_neck.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/dla_neck.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/imvoxel_neck.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/imvoxel_neck.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/imvoxel_neck.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/imvoxel_neck.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/pointnet2_fp_neck.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/pointnet2_fp_neck.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/pointnet2_fp_neck.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/pointnet2_fp_neck.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/second_fpn.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/second_fpn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/second_fpn.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/second_fpn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/view_transformer.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/view_transformer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/necks/view_transformer.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/necks/view_transformer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/base_3droi_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/base_3droi_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/base_3droi_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/base_3droi_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/h3d_roi_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/h3d_roi_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/h3d_roi_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/h3d_roi_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/primitive_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/primitive_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/primitive_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/mask_heads/primitive_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/part_aggregation_roi_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/part_aggregation_roi_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/part_aggregation_roi_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/part_aggregation_roi_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/point_rcnn_roi_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/point_rcnn_roi_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/point_rcnn_roi_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/point_rcnn_roi_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/segmentors/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/segmentors/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/segmentors/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/segmentors/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/segmentors/base.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/segmentors/base.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/segmentors/base.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/segmentors/base.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/segmentors/encoder_decoder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/segmentors/encoder_decoder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/segmentors/encoder_decoder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/segmentors/encoder_decoder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/clip_sigmoid.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/clip_sigmoid.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/clip_sigmoid.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/clip_sigmoid.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/edge_indices.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/edge_indices.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/edge_indices.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/edge_indices.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/gen_keypoints.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/gen_keypoints.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/gen_keypoints.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/gen_keypoints.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/handle_objs.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/handle_objs.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/handle_objs.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/handle_objs.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/mlp.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/mlp.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/utils/mlp.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/utils/mlp.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/pillar_encoder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/pillar_encoder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/pillar_encoder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/pillar_encoder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/voxel_encoder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/voxel_encoder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/voxel_encoder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/models/voxel_encoders/voxel_encoder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_fa_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_fa_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_fa_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_fa_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_fp_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_fp_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_fp_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_fp_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_gf_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_gf_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_gf_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/dgcnn_modules/dgcnn_gf_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/norm.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/norm.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/norm.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/norm.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/paconv/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/paconv/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/paconv/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/paconv/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/paconv/paconv.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/paconv/paconv.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/paconv/paconv.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/paconv/paconv.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/paconv/utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/paconv/utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/paconv/utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/paconv/utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/builder.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/builder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/builder.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/builder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/paconv_sa_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/paconv_sa_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/paconv_sa_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/paconv_sa_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/point_fp_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/point_fp_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/point_fp_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/point_fp_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/point_sa_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/point_sa_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/point_sa_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/pointnet_modules/point_sa_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/sparse_block.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/sparse_block.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/sparse_block.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/sparse_block.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/spconv/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/spconv/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/spconv/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/spconv/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/spconv/overwrite_spconv/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/spconv/overwrite_spconv/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/spconv/overwrite_spconv/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/spconv/overwrite_spconv/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/spconv/overwrite_spconv/write_spconv2.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/spconv/overwrite_spconv/write_spconv2.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/ops/spconv/overwrite_spconv/write_spconv2.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/ops/spconv/overwrite_spconv/write_spconv2.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/collect_env.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/collect_env.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/collect_env.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/collect_env.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/compat_cfg.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/compat_cfg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/compat_cfg.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/compat_cfg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/logger.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/logger.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/logger.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/logger.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/misc.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/misc.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/misc.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/misc.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/setup_env.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/setup_env.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/utils/setup_env.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/utils/setup_env.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/version.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/version.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/mmdet3d/version.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/mmdet3d/version.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/build.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/build.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/build.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/build.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/docs.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/docs.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/docs.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/docs.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/mminstall.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/mminstall.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/mminstall.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/mminstall.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/optional.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/optional.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/optional.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/optional.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/readthedocs.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/readthedocs.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/readthedocs.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/readthedocs.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/runtime.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/runtime.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/runtime.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/runtime.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/tests.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/tests.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/requirements/tests.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/requirements/tests.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/setup.cfg b/cv/3d_detection/bevformer/pytorch/mmdetection3d/setup.cfg similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/setup.cfg rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/setup.cfg diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/setup.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/setup.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/setup.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/setup.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/a.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/a.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/a.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/a.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_dbinfos_train.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_dbinfos_train.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_dbinfos_train.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_dbinfos_train.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_gt_database/0_Pedestrian_0.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_gt_database/0_Pedestrian_0.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_gt_database/0_Pedestrian_0.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_gt_database/0_Pedestrian_0.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_mono3d.coco.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_mono3d.coco.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_mono3d.coco.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_mono3d.coco.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_mono3d.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_mono3d.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_mono3d.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_mono3d.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_train.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_train.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_train.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/kitti_infos_train.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/mono3d_sample_results.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/mono3d_sample_results.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/mono3d_sample_results.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/mono3d_sample_results.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/mono3d_sample_results2d.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/mono3d_sample_results2d.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/mono3d_sample_results2d.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/mono3d_sample_results2d.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/training/image_2/000000.png b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/training/image_2/000000.png similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/training/image_2/000000.png rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/training/image_2/000000.png diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/training/image_2/000007.png b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/training/image_2/000007.png similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/training/image_2/000007.png rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/training/image_2/000007.png diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/training/velodyne/000000.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/training/velodyne/000000.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/training/velodyne/000000.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/training/velodyne/000000.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/training/velodyne_reduced/000000.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/training/velodyne_reduced/000000.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/kitti/training/velodyne_reduced/000000.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/kitti/training/velodyne_reduced/000000.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886501000046.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886501000046.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886501000046.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886501000046.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886701083686.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886701083686.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886701083686.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886701083686.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886901125926.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886901125926.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886901125926.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lidar/host-a017_lidar1_1236118886901125926.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lyft_infos.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lyft_infos.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lyft_infos.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lyft_infos.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lyft_infos_val.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lyft_infos_val.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/lyft_infos_val.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/lyft_infos_val.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/sample_results.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/sample_results.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/sample_results.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/sample_results.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/maps/map_raster_palo_alto.png b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/maps/map_raster_palo_alto.png similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/maps/map_raster_palo_alto.png rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/maps/map_raster_palo_alto.png diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/attribute.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/attribute.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/attribute.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/attribute.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/calibrated_sensor.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/calibrated_sensor.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/calibrated_sensor.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/calibrated_sensor.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/category.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/category.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/category.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/category.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/ego_pose.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/ego_pose.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/ego_pose.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/ego_pose.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/instance.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/instance.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/instance.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/instance.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/log.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/log.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/log.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/log.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/map.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/map.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/map.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/map.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample_annotation.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample_annotation.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample_annotation.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample_annotation.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample_data.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample_data.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample_data.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sample_data.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/scene.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/scene.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/scene.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/scene.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sensor.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sensor.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sensor.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/sensor.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/visibility.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/visibility.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/visibility.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/v1.01-train/v1.01-train/visibility.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/val.txt b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/val.txt similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/lyft/val.txt rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/lyft/val.txt diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/mono3d_sample_results.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/mono3d_sample_results.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/mono3d_sample_results.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/mono3d_sample_results.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/nus_info.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/nus_info.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/nus_info.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/nus_info.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/nus_infos_mono3d.coco.json b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/nus_infos_mono3d.coco.json similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/nus_infos_mono3d.coco.json rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/nus_infos_mono3d.coco.json diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/samples/CAM_BACK_LEFT/n015-2018-07-18-11-07-57+0800__CAM_BACK_LEFT__1531883530447423.jpg b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/samples/CAM_BACK_LEFT/n015-2018-07-18-11-07-57+0800__CAM_BACK_LEFT__1531883530447423.jpg similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/samples/CAM_BACK_LEFT/n015-2018-07-18-11-07-57+0800__CAM_BACK_LEFT__1531883530447423.jpg rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/samples/CAM_BACK_LEFT/n015-2018-07-18-11-07-57+0800__CAM_BACK_LEFT__1531883530447423.jpg diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/samples/LIDAR_TOP/n015-2018-08-02-17-16-37+0800__LIDAR_TOP__1533201470948018.pcd.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/samples/LIDAR_TOP/n015-2018-08-02-17-16-37+0800__LIDAR_TOP__1533201470948018.pcd.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/samples/LIDAR_TOP/n015-2018-08-02-17-16-37+0800__LIDAR_TOP__1533201470948018.pcd.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/samples/LIDAR_TOP/n015-2018-08-02-17-16-37+0800__LIDAR_TOP__1533201470948018.pcd.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/sweeps/LIDAR_TOP/n008-2018-09-18-12-07-26-0400__LIDAR_TOP__1537287083900561.pcd.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/sweeps/LIDAR_TOP/n008-2018-09-18-12-07-26-0400__LIDAR_TOP__1537287083900561.pcd.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/sweeps/LIDAR_TOP/n008-2018-09-18-12-07-26-0400__LIDAR_TOP__1537287083900561.pcd.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/sweeps/LIDAR_TOP/n008-2018-09-18-12-07-26-0400__LIDAR_TOP__1537287083900561.pcd.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/sweeps/LIDAR_TOP/n015-2018-08-02-17-16-37+0800__LIDAR_TOP__1533201470898274.pcd.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/sweeps/LIDAR_TOP/n015-2018-08-02-17-16-37+0800__LIDAR_TOP__1533201470898274.pcd.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/nuscenes/sweeps/LIDAR_TOP/n015-2018-08-02-17-16-37+0800__LIDAR_TOP__1533201470898274.pcd.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/nuscenes/sweeps/LIDAR_TOP/n015-2018-08-02-17-16-37+0800__LIDAR_TOP__1533201470898274.pcd.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/ops/features_for_fps_distance.npy b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/ops/features_for_fps_distance.npy similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/ops/features_for_fps_distance.npy rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/ops/features_for_fps_distance.npy diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/ops/fps_idx.npy b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/ops/fps_idx.npy similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/ops/fps_idx.npy rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/ops/fps_idx.npy diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/s3dis/instance_mask/Area_1_office_2.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/s3dis/instance_mask/Area_1_office_2.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/s3dis/instance_mask/Area_1_office_2.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/s3dis/instance_mask/Area_1_office_2.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/s3dis/points/Area_1_office_2.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/s3dis/points/Area_1_office_2.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/s3dis/points/Area_1_office_2.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/s3dis/points/Area_1_office_2.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/s3dis/s3dis_infos.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/s3dis/s3dis_infos.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/s3dis/s3dis_infos.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/s3dis/s3dis_infos.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/s3dis/semantic_mask/Area_1_office_2.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/s3dis/semantic_mask/Area_1_office_2.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/s3dis/semantic_mask/Area_1_office_2.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/s3dis/semantic_mask/Area_1_office_2.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/scannet/instance_mask/scene0000_00.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/scannet/instance_mask/scene0000_00.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/scannet/instance_mask/scene0000_00.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/scannet/instance_mask/scene0000_00.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/scannet/points/scene0000_00.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/scannet/points/scene0000_00.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/scannet/points/scene0000_00.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/scannet/points/scene0000_00.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/scannet/scannet_infos.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/scannet/scannet_infos.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/scannet/scannet_infos.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/scannet/scannet_infos.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/scannet/semantic_mask/scene0000_00.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/scannet/semantic_mask/scene0000_00.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/scannet/semantic_mask/scene0000_00.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/scannet/semantic_mask/scene0000_00.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/semantickitti/semantickitti_infos.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/semantickitti/semantickitti_infos.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/semantickitti/semantickitti_infos.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/semantickitti/semantickitti_infos.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/semantickitti/sequences/00/labels/000000.label b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/semantickitti/sequences/00/labels/000000.label similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/semantickitti/sequences/00/labels/000000.label rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/semantickitti/sequences/00/labels/000000.label diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/semantickitti/sequences/00/velodyne/000000.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/semantickitti/sequences/00/velodyne/000000.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/semantickitti/sequences/00/velodyne/000000.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/semantickitti/sequences/00/velodyne/000000.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/sunrgbd/points/000001.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/sunrgbd/points/000001.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/sunrgbd/points/000001.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/sunrgbd/points/000001.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/sunrgbd/sunrgbd_infos.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/sunrgbd/sunrgbd_infos.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/sunrgbd/sunrgbd_infos.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/sunrgbd/sunrgbd_infos.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/sunrgbd/sunrgbd_trainval/image/000001.jpg b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/sunrgbd/sunrgbd_trainval/image/000001.jpg similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/sunrgbd/sunrgbd_trainval/image/000001.jpg rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/sunrgbd/sunrgbd_trainval/image/000001.jpg diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/image_0/0000000.png b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/image_0/0000000.png similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/image_0/0000000.png rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/image_0/0000000.png diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/image_0/1000000.png b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/image_0/1000000.png similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/image_0/1000000.png rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/image_0/1000000.png diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/velodyne/0000000.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/velodyne/0000000.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/velodyne/0000000.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/velodyne/0000000.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/velodyne/1000000.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/velodyne/1000000.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/velodyne/1000000.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/training/velodyne/1000000.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_dbinfos_train.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_dbinfos_train.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_dbinfos_train.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_dbinfos_train.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_gt_database/0_Car_0.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_gt_database/0_Car_0.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_gt_database/0_Car_0.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_gt_database/0_Car_0.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_infos_train.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_infos_train.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_infos_train.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_infos_train.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_infos_val.pkl b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_infos_val.pkl similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_infos_val.pkl rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/kitti_format/waymo_infos_val.pkl diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/waymo_format/gt.bin b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/waymo_format/gt.bin similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/waymo_format/gt.bin rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/waymo_format/gt.bin diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/waymo_format/validation/val.tfrecord b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/waymo_format/validation/val.tfrecord similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/data/waymo/waymo_format/validation/val.tfrecord rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/data/waymo/waymo_format/validation/val.tfrecord diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_dataset_wrappers.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_dataset_wrappers.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_dataset_wrappers.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_dataset_wrappers.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_kitti_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_kitti_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_kitti_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_kitti_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_kitti_mono_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_kitti_mono_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_kitti_mono_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_kitti_mono_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_lyft_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_lyft_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_lyft_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_lyft_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_nuscene_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_nuscene_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_nuscene_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_nuscene_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_nuscenes_mono_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_nuscenes_mono_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_nuscenes_mono_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_nuscenes_mono_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_s3dis_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_s3dis_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_s3dis_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_s3dis_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_scannet_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_scannet_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_scannet_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_scannet_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_semantickitti_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_semantickitti_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_semantickitti_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_semantickitti_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_sunrgbd_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_sunrgbd_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_sunrgbd_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_sunrgbd_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_waymo_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_waymo_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_waymo_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_datasets/test_waymo_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_data_augment_utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_data_augment_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_data_augment_utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_data_augment_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_test_augment_utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_test_augment_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_test_augment_utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_test_augment_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_transforms_3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_transforms_3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_transforms_3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_augmentations/test_transforms_3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_indoor_pipeline.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_indoor_pipeline.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_indoor_pipeline.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_indoor_pipeline.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_indoor_sample.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_indoor_sample.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_indoor_sample.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_indoor_sample.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_load_images_from_multi_views.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_load_images_from_multi_views.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_load_images_from_multi_views.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_load_images_from_multi_views.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_load_points_from_multi_sweeps.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_load_points_from_multi_sweeps.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_load_points_from_multi_sweeps.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_load_points_from_multi_sweeps.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_loading.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_loading.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_loading.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_loadings/test_loading.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_outdoor_pipeline.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_outdoor_pipeline.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_outdoor_pipeline.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_data/test_pipelines/test_outdoor_pipeline.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_indoor_eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_indoor_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_indoor_eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_indoor_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_instance_seg_eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_instance_seg_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_instance_seg_eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_instance_seg_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_kitti_eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_kitti_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_kitti_eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_kitti_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_losses.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_losses.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_losses.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_losses.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_seg_eval.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_seg_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_metrics/test_seg_eval.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_metrics/test_seg_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_backbones.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_backbones.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_backbones.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_backbones.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_dgcnn_modules.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_dgcnn_modules.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_dgcnn_modules.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_dgcnn_modules.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_middle_encoders.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_middle_encoders.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_middle_encoders.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_middle_encoders.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_paconv_modules.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_paconv_modules.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_paconv_modules.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_paconv_modules.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_paconv_ops.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_paconv_ops.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_paconv_ops.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_paconv_ops.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_pointnet_modules.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_pointnet_modules.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_pointnet_modules.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_pointnet_modules.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_sparse_unet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_sparse_unet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_sparse_unet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_sparse_unet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_vote_module.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_vote_module.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_vote_module.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_common_modules/test_vote_module.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_detectors.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_detectors.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_detectors.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_detectors.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_forward.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_forward.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_forward.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_forward.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_fusion_coord_trans.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_fusion_coord_trans.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_fusion_coord_trans.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_fusion_coord_trans.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_point_fusion.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_point_fusion.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_point_fusion.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_point_fusion.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_vote_fusion.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_vote_fusion.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_vote_fusion.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_fusion/test_vote_fusion.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_dgcnn_decode_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_dgcnn_decode_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_dgcnn_decode_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_dgcnn_decode_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_heads.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_heads.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_heads.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_heads.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_paconv_decode_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_paconv_decode_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_paconv_decode_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_paconv_decode_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_parta2_bbox_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_parta2_bbox_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_parta2_bbox_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_parta2_bbox_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_pointnet2_decode_head.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_pointnet2_decode_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_pointnet2_decode_head.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_pointnet2_decode_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_roi_extractors.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_roi_extractors.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_roi_extractors.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_roi_extractors.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_semantic_heads.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_semantic_heads.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_heads/test_semantic_heads.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_heads/test_semantic_heads.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_necks/test_fpn.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_necks/test_fpn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_necks/test_fpn.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_necks/test_fpn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_necks/test_necks.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_necks/test_necks.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_necks/test_necks.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_necks/test_necks.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_segmentors.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_segmentors.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_segmentors.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_segmentors.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_voxel_encoder/test_voxel_encoders.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_voxel_encoder/test_voxel_encoders.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_voxel_encoder/test_voxel_encoders.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_voxel_encoder/test_voxel_encoders.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_voxel_encoder/test_voxel_generator.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_voxel_encoder/test_voxel_generator.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_models/test_voxel_encoder/test_voxel_generator.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_models/test_voxel_encoder/test_voxel_generator.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_runtime/test_apis.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_runtime/test_apis.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_runtime/test_apis.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_runtime/test_apis.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_runtime/test_config.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_runtime/test_config.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_runtime/test_config.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_runtime/test_config.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_samples/parta2_roihead_inputs.npz b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_samples/parta2_roihead_inputs.npz similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_samples/parta2_roihead_inputs.npz rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_samples/parta2_roihead_inputs.npz diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_anchors.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_anchors.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_anchors.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_anchors.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_assigners.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_assigners.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_assigners.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_assigners.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_bbox_coders.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_bbox_coders.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_bbox_coders.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_bbox_coders.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_box3d.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_box3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_box3d.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_box3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_box_np_ops.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_box_np_ops.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_box_np_ops.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_box_np_ops.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_compat_cfg.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_compat_cfg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_compat_cfg.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_compat_cfg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_coord_3d_mode.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_coord_3d_mode.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_coord_3d_mode.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_coord_3d_mode.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_merge_augs.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_merge_augs.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_merge_augs.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_merge_augs.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_nms.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_nms.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_nms.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_nms.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_points.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_points.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_points.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_points.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_samplers.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_samplers.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_samplers.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_samplers.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_setup_env.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_setup_env.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_setup_env.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_setup_env.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tests/test_utils/test_utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tests/test_utils/test_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/analysis_tools/analyze_logs.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/analysis_tools/analyze_logs.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/analysis_tools/analyze_logs.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/analysis_tools/analyze_logs.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/analysis_tools/benchmark.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/analysis_tools/benchmark.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/analysis_tools/benchmark.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/analysis_tools/benchmark.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/analysis_tools/get_flops.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/analysis_tools/get_flops.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/analysis_tools/get_flops.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/analysis_tools/get_flops.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/create_data.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/create_data.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/create_data.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/create_data.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/create_data.sh b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/create_data.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/create_data.sh rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/create_data.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/__init__.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/__init__.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/create_gt_database.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/create_gt_database.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/create_gt_database.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/create_gt_database.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/indoor_converter.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/indoor_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/indoor_converter.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/indoor_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/kitti_converter.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/kitti_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/kitti_converter.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/kitti_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/kitti_data_utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/kitti_data_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/kitti_data_utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/kitti_data_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/lyft_converter.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/lyft_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/lyft_converter.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/lyft_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/lyft_data_fixer.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/lyft_data_fixer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/lyft_data_fixer.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/lyft_data_fixer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/nuimage_converter.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/nuimage_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/nuimage_converter.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/nuimage_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/nuscenes_converter.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/nuscenes_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/nuscenes_converter.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/nuscenes_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/s3dis_data_utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/s3dis_data_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/s3dis_data_utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/s3dis_data_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/scannet_data_utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/scannet_data_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/scannet_data_utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/scannet_data_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/sunrgbd_data_utils.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/sunrgbd_data_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/sunrgbd_data_utils.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/sunrgbd_data_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/waymo_converter.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/waymo_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/data_converter/waymo_converter.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/data_converter/waymo_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/deployment/mmdet3d2torchserve.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/deployment/mmdet3d2torchserve.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/deployment/mmdet3d2torchserve.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/deployment/mmdet3d2torchserve.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/deployment/mmdet3d_handler.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/deployment/mmdet3d_handler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/deployment/mmdet3d_handler.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/deployment/mmdet3d_handler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/deployment/test_torchserver.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/deployment/test_torchserver.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/deployment/test_torchserver.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/deployment/test_torchserver.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/dist_test.sh b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/dist_test.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/dist_test.sh rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/dist_test.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/dist_train.sh b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/dist_train.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/dist_train.sh rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/dist_train.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/misc/browse_dataset.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/misc/browse_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/misc/browse_dataset.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/misc/browse_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/misc/fuse_conv_bn.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/misc/fuse_conv_bn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/misc/fuse_conv_bn.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/misc/fuse_conv_bn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/misc/print_config.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/misc/print_config.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/misc/print_config.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/misc/print_config.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/misc/visualize_results.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/misc/visualize_results.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/misc/visualize_results.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/misc/visualize_results.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/model_converters/convert_h3dnet_checkpoints.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/model_converters/convert_h3dnet_checkpoints.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/model_converters/convert_h3dnet_checkpoints.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/model_converters/convert_h3dnet_checkpoints.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/model_converters/convert_votenet_checkpoints.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/model_converters/convert_votenet_checkpoints.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/model_converters/convert_votenet_checkpoints.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/model_converters/convert_votenet_checkpoints.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/model_converters/publish_model.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/model_converters/publish_model.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/model_converters/publish_model.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/model_converters/publish_model.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/model_converters/regnet2mmdet.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/model_converters/regnet2mmdet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/model_converters/regnet2mmdet.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/model_converters/regnet2mmdet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/slurm_test.sh b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/slurm_test.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/slurm_test.sh rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/slurm_test.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/slurm_train.sh b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/slurm_train.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/slurm_train.sh rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/slurm_train.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/test.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/test.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/test.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/test.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/train.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/train.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/train.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/train.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/update_data_coords.py b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/update_data_coords.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/update_data_coords.py rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/update_data_coords.py diff --git a/cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/update_data_coords.sh b/cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/update_data_coords.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/mmdetection3d/tools/update_data_coords.sh rename to cv/3d_detection/bevformer/pytorch/mmdetection3d/tools/update_data_coords.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/coco_instance.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/coco_instance.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/coco_instance.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/coco_instance.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/kitti-3d-3class.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/kitti-3d-3class.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/kitti-3d-3class.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/kitti-3d-car.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/kitti-3d-car.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/kitti-3d-car.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/kitti-3d-car.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/lyft-3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/lyft-3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/lyft-3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/lyft-3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/nuim_instance.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/nuim_instance.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/nuim_instance.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/nuim_instance.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/nus-3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/nus-3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/nus-3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/nus-3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/nus-mono3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/nus-mono3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/nus-mono3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/nus-mono3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/range100_lyft-3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/range100_lyft-3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/range100_lyft-3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/range100_lyft-3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/s3dis-3d-5class.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/s3dis-3d-5class.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/s3dis-3d-5class.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/s3dis-3d-5class.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/s3dis_seg-3d-13class.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/s3dis_seg-3d-13class.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/s3dis_seg-3d-13class.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/s3dis_seg-3d-13class.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/scannet-3d-18class.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/scannet-3d-18class.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/scannet-3d-18class.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/scannet-3d-18class.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/scannet_seg-3d-20class.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/scannet_seg-3d-20class.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/scannet_seg-3d-20class.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/scannet_seg-3d-20class.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/sunrgbd-3d-10class.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/sunrgbd-3d-10class.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/sunrgbd-3d-10class.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/sunrgbd-3d-10class.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/waymoD5-3d-3class.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/waymoD5-3d-3class.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/waymoD5-3d-3class.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/waymoD5-3d-3class.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/waymoD5-3d-car.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/waymoD5-3d-car.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/datasets/waymoD5-3d-car.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/datasets/waymoD5-3d-car.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/default_runtime.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/default_runtime.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/default_runtime.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/default_runtime.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/3dssd.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/3dssd.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/3dssd.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/3dssd.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/centerpoint_01voxel_second_secfpn_nus.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/centerpoint_01voxel_second_secfpn_nus.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/centerpoint_01voxel_second_secfpn_nus.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/centerpoint_01voxel_second_secfpn_nus.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/centerpoint_02pillar_second_secfpn_nus.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/centerpoint_02pillar_second_secfpn_nus.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/centerpoint_02pillar_second_secfpn_nus.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/centerpoint_02pillar_second_secfpn_nus.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/fcos3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/fcos3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/fcos3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/fcos3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/groupfree3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/groupfree3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/groupfree3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/groupfree3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/h3dnet.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/h3dnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/h3dnet.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/h3dnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_lyft.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_lyft.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_lyft.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_lyft.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_nus.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_nus.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_nus.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_nus.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_range100_lyft.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_range100_lyft.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_range100_lyft.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_fpn_range100_lyft.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_secfpn_kitti.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_secfpn_kitti.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_secfpn_kitti.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_secfpn_kitti.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_secfpn_waymo.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_secfpn_waymo.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_pointpillars_secfpn_waymo.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_pointpillars_secfpn_waymo.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_second_secfpn_kitti.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_second_secfpn_kitti.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_second_secfpn_kitti.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_second_secfpn_kitti.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_second_secfpn_waymo.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_second_secfpn_waymo.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/hv_second_secfpn_waymo.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/hv_second_secfpn_waymo.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/imvotenet_image.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/imvotenet_image.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/imvotenet_image.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/imvotenet_image.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/mask_rcnn_r50_fpn.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/mask_rcnn_r50_fpn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/mask_rcnn_r50_fpn.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/mask_rcnn_r50_fpn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/paconv_cuda_ssg.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/paconv_cuda_ssg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/paconv_cuda_ssg.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/paconv_cuda_ssg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/paconv_ssg.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/paconv_ssg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/paconv_ssg.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/paconv_ssg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/parta2.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/parta2.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/parta2.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/parta2.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/pointnet2_msg.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/pointnet2_msg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/pointnet2_msg.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/pointnet2_msg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/pointnet2_ssg.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/pointnet2_ssg.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/pointnet2_ssg.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/pointnet2_ssg.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/votenet.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/votenet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/models/votenet.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/models/votenet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/cosine.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/cosine.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/cosine.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/cosine.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/cyclic_20e.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/cyclic_20e.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/cyclic_20e.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/cyclic_20e.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/cyclic_40e.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/cyclic_40e.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/cyclic_40e.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/cyclic_40e.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/mmdet_schedule_1x.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/mmdet_schedule_1x.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/mmdet_schedule_1x.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/mmdet_schedule_1x.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/schedule_2x.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/schedule_2x.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/schedule_2x.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/schedule_2x.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/schedule_3x.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/schedule_3x.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/schedule_3x.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/schedule_3x.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/seg_cosine_150e.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/seg_cosine_150e.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/seg_cosine_150e.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/seg_cosine_150e.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/seg_cosine_200e.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/seg_cosine_200e.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/seg_cosine_200e.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/seg_cosine_200e.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/seg_cosine_50e.py b/cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/seg_cosine_50e.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/_base_/schedules/seg_cosine_50e.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/_base_/schedules/seg_cosine_50e.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/bevformer/bevformer_base.py b/cv/3d_detection/bevformer/pytorch/projects/configs/bevformer/bevformer_base.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/bevformer/bevformer_base.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/bevformer/bevformer_base.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/bevformer/bevformer_small.py b/cv/3d_detection/bevformer/pytorch/projects/configs/bevformer/bevformer_small.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/bevformer/bevformer_small.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/bevformer/bevformer_small.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/bevformer/bevformer_tiny.py b/cv/3d_detection/bevformer/pytorch/projects/configs/bevformer/bevformer_tiny.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/bevformer/bevformer_tiny.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/bevformer/bevformer_tiny.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/bevformer_fp16/bevformer_tiny_fp16.py b/cv/3d_detection/bevformer/pytorch/projects/configs/bevformer_fp16/bevformer_tiny_fp16.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/bevformer_fp16/bevformer_tiny_fp16.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/bevformer_fp16/bevformer_tiny_fp16.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/datasets/custom_lyft-3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/datasets/custom_lyft-3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/datasets/custom_lyft-3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/datasets/custom_lyft-3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/datasets/custom_nus-3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/datasets/custom_nus-3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/datasets/custom_nus-3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/datasets/custom_nus-3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/configs/datasets/custom_waymo-3d.py b/cv/3d_detection/bevformer/pytorch/projects/configs/datasets/custom_waymo-3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/configs/datasets/custom_waymo-3d.py rename to cv/3d_detection/bevformer/pytorch/projects/configs/datasets/custom_waymo-3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/apis/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/apis/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/apis/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/apis/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/apis/mmdet_train.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/apis/mmdet_train.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/apis/mmdet_train.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/apis/mmdet_train.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/apis/test.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/apis/test.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/apis/test.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/apis/test.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/apis/train.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/apis/train.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/apis/train.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/apis/train.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/dense_heads/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/dense_heads/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/dense_heads/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/dense_heads/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/dense_heads/bevformer_head.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/dense_heads/bevformer_head.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/dense_heads/bevformer_head.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/dense_heads/bevformer_head.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/bevformer.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/bevformer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/bevformer.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/bevformer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/bevformer_fp16.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/bevformer_fp16.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/bevformer_fp16.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/detectors/bevformer_fp16.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/hooks/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/hooks/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/hooks/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/hooks/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/hooks/custom_hooks.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/hooks/custom_hooks.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/hooks/custom_hooks.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/hooks/custom_hooks.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/custom_base_transformer_layer.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/custom_base_transformer_layer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/custom_base_transformer_layer.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/custom_base_transformer_layer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/decoder.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/decoder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/decoder.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/decoder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/encoder.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/encoder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/encoder.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/encoder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/multi_scale_deformable_attn_function.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/multi_scale_deformable_attn_function.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/multi_scale_deformable_attn_function.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/multi_scale_deformable_attn_function.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/spatial_cross_attention.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/spatial_cross_attention.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/spatial_cross_attention.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/spatial_cross_attention.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/temporal_self_attention.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/temporal_self_attention.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/temporal_self_attention.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/temporal_self_attention.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/transformer.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/transformer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/modules/transformer.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/modules/transformer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/runner/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/runner/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/runner/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/runner/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/runner/epoch_based_runner.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/runner/epoch_based_runner.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/bevformer/runner/epoch_based_runner.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/bevformer/runner/epoch_based_runner.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/assigners/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/assigners/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/assigners/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/assigners/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/assigners/hungarian_assigner_3d.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/assigners/hungarian_assigner_3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/assigners/hungarian_assigner_3d.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/assigners/hungarian_assigner_3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/coders/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/coders/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/coders/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/coders/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/coders/nms_free_coder.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/coders/nms_free_coder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/coders/nms_free_coder.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/coders/nms_free_coder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/match_costs/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/match_costs/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/match_costs/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/match_costs/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/match_costs/match_cost.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/match_costs/match_cost.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/match_costs/match_cost.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/match_costs/match_cost.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/util.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/util.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/bbox/util.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/bbox/util.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/evaluation/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/evaluation/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/evaluation/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/evaluation/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/evaluation/eval_hooks.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/evaluation/eval_hooks.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/evaluation/eval_hooks.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/evaluation/eval_hooks.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/evaluation/kitti2waymo.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/evaluation/kitti2waymo.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/core/evaluation/kitti2waymo.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/core/evaluation/kitti2waymo.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/builder.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/builder.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/builder.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/builder.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/nuscenes_dataset.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/nuscenes_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/nuscenes_dataset.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/nuscenes_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/nuscenes_mono_dataset.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/nuscenes_mono_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/nuscenes_mono_dataset.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/nuscenes_mono_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/nuscnes_eval.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/nuscnes_eval.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/nuscnes_eval.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/nuscnes_eval.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/formating.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/formating.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/formating.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/formating.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/loading.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/loading.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/loading.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/loading.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/transform_3d.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/transform_3d.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/transform_3d.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/pipelines/transform_3d.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/samplers/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/samplers/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/samplers/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/samplers/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/samplers/distributed_sampler.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/samplers/distributed_sampler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/samplers/distributed_sampler.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/samplers/distributed_sampler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/samplers/group_sampler.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/samplers/group_sampler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/samplers/group_sampler.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/samplers/group_sampler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/samplers/sampler.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/samplers/sampler.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/datasets/samplers/sampler.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/datasets/samplers/sampler.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/backbones/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/backbones/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/backbones/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/backbones/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/backbones/vovnet.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/backbones/vovnet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/backbones/vovnet.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/backbones/vovnet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/hooks/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/hooks/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/hooks/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/hooks/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/hooks/hooks.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/hooks/hooks.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/hooks/hooks.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/hooks/hooks.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/opt/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/opt/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/opt/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/opt/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/opt/adamw.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/opt/adamw.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/opt/adamw.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/opt/adamw.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/__init__.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/__init__.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/bricks.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/bricks.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/bricks.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/bricks.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/grid_mask.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/grid_mask.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/grid_mask.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/grid_mask.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/position_embedding.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/position_embedding.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/position_embedding.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/position_embedding.py diff --git a/cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/visual.py b/cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/visual.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/projects/mmdet3d_plugin/models/utils/visual.py rename to cv/3d_detection/bevformer/pytorch/projects/mmdet3d_plugin/models/utils/visual.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/__init__.py b/cv/3d_detection/bevformer/pytorch/tools/analysis_tools/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/__init__.py rename to cv/3d_detection/bevformer/pytorch/tools/analysis_tools/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/analyze_logs.py b/cv/3d_detection/bevformer/pytorch/tools/analysis_tools/analyze_logs.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/analyze_logs.py rename to cv/3d_detection/bevformer/pytorch/tools/analysis_tools/analyze_logs.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/benchmark.py b/cv/3d_detection/bevformer/pytorch/tools/analysis_tools/benchmark.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/benchmark.py rename to cv/3d_detection/bevformer/pytorch/tools/analysis_tools/benchmark.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/get_params.py b/cv/3d_detection/bevformer/pytorch/tools/analysis_tools/get_params.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/get_params.py rename to cv/3d_detection/bevformer/pytorch/tools/analysis_tools/get_params.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/visual.py b/cv/3d_detection/bevformer/pytorch/tools/analysis_tools/visual.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/analysis_tools/visual.py rename to cv/3d_detection/bevformer/pytorch/tools/analysis_tools/visual.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/create_data.py b/cv/3d_detection/bevformer/pytorch/tools/create_data.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/create_data.py rename to cv/3d_detection/bevformer/pytorch/tools/create_data.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/__init__.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/__init__.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/__init__.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/__init__.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/create_gt_database.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/create_gt_database.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/create_gt_database.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/create_gt_database.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/indoor_converter.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/indoor_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/indoor_converter.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/indoor_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/kitti_converter.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/kitti_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/kitti_converter.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/kitti_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/kitti_data_utils.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/kitti_data_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/kitti_data_utils.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/kitti_data_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/lyft_converter.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/lyft_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/lyft_converter.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/lyft_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/lyft_data_fixer.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/lyft_data_fixer.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/lyft_data_fixer.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/lyft_data_fixer.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/nuimage_converter.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/nuimage_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/nuimage_converter.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/nuimage_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/nuscenes_converter.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/nuscenes_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/nuscenes_converter.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/nuscenes_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/s3dis_data_utils.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/s3dis_data_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/s3dis_data_utils.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/s3dis_data_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/scannet_data_utils.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/scannet_data_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/scannet_data_utils.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/scannet_data_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/sunrgbd_data_utils.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/sunrgbd_data_utils.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/sunrgbd_data_utils.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/sunrgbd_data_utils.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/data_converter/waymo_converter.py b/cv/3d_detection/bevformer/pytorch/tools/data_converter/waymo_converter.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/data_converter/waymo_converter.py rename to cv/3d_detection/bevformer/pytorch/tools/data_converter/waymo_converter.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/dist_test.sh b/cv/3d_detection/bevformer/pytorch/tools/dist_test.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/dist_test.sh rename to cv/3d_detection/bevformer/pytorch/tools/dist_test.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/dist_train.sh b/cv/3d_detection/bevformer/pytorch/tools/dist_train.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/dist_train.sh rename to cv/3d_detection/bevformer/pytorch/tools/dist_train.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/fp16/dist_train.sh b/cv/3d_detection/bevformer/pytorch/tools/fp16/dist_train.sh similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/fp16/dist_train.sh rename to cv/3d_detection/bevformer/pytorch/tools/fp16/dist_train.sh diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/fp16/train.py b/cv/3d_detection/bevformer/pytorch/tools/fp16/train.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/fp16/train.py rename to cv/3d_detection/bevformer/pytorch/tools/fp16/train.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/misc/browse_dataset.py b/cv/3d_detection/bevformer/pytorch/tools/misc/browse_dataset.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/misc/browse_dataset.py rename to cv/3d_detection/bevformer/pytorch/tools/misc/browse_dataset.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/misc/fuse_conv_bn.py b/cv/3d_detection/bevformer/pytorch/tools/misc/fuse_conv_bn.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/misc/fuse_conv_bn.py rename to cv/3d_detection/bevformer/pytorch/tools/misc/fuse_conv_bn.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/misc/print_config.py b/cv/3d_detection/bevformer/pytorch/tools/misc/print_config.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/misc/print_config.py rename to cv/3d_detection/bevformer/pytorch/tools/misc/print_config.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/misc/visualize_results.py b/cv/3d_detection/bevformer/pytorch/tools/misc/visualize_results.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/misc/visualize_results.py rename to cv/3d_detection/bevformer/pytorch/tools/misc/visualize_results.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/model_converters/convert_votenet_checkpoints.py b/cv/3d_detection/bevformer/pytorch/tools/model_converters/convert_votenet_checkpoints.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/model_converters/convert_votenet_checkpoints.py rename to cv/3d_detection/bevformer/pytorch/tools/model_converters/convert_votenet_checkpoints.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/model_converters/publish_model.py b/cv/3d_detection/bevformer/pytorch/tools/model_converters/publish_model.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/model_converters/publish_model.py rename to cv/3d_detection/bevformer/pytorch/tools/model_converters/publish_model.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/model_converters/regnet2mmdet.py b/cv/3d_detection/bevformer/pytorch/tools/model_converters/regnet2mmdet.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/model_converters/regnet2mmdet.py rename to cv/3d_detection/bevformer/pytorch/tools/model_converters/regnet2mmdet.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/test.py b/cv/3d_detection/bevformer/pytorch/tools/test.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/test.py rename to cv/3d_detection/bevformer/pytorch/tools/test.py diff --git a/cv/3d_detection/BEVFormer/pytorch/tools/train.py b/cv/3d_detection/bevformer/pytorch/tools/train.py similarity index 100% rename from cv/3d_detection/BEVFormer/pytorch/tools/train.py rename to cv/3d_detection/bevformer/pytorch/tools/train.py diff --git a/cv/3d_detection/PAConv/pytorch/.gitignore b/cv/3d_detection/paconv/pytorch/.gitignore similarity index 100% rename from cv/3d_detection/PAConv/pytorch/.gitignore rename to cv/3d_detection/paconv/pytorch/.gitignore diff --git a/cv/3d_detection/PAConv/pytorch/LICENSE b/cv/3d_detection/paconv/pytorch/LICENSE similarity index 100% rename from cv/3d_detection/PAConv/pytorch/LICENSE rename to cv/3d_detection/paconv/pytorch/LICENSE diff --git a/cv/3d_detection/PAConv/pytorch/README.md b/cv/3d_detection/paconv/pytorch/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/README.md rename to cv/3d_detection/paconv/pytorch/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/3dssd/3dssd_4x4_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/3dssd/3dssd_4x4_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/3dssd/3dssd_4x4_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/3dssd/3dssd_4x4_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/3dssd/README.md b/cv/3d_detection/paconv/pytorch/configs/3dssd/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/3dssd/README.md rename to cv/3d_detection/paconv/pytorch/configs/3dssd/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/3dssd/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/3dssd/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/3dssd/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/3dssd/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/coco_instance.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/coco_instance.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/coco_instance.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/coco_instance.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/kitti-mono3d.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/kitti-mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/kitti-mono3d.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/kitti-mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/nuim_instance.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/nuim_instance.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/nuim_instance.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/nuim_instance.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/nus-mono3d.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/nus-mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/nus-mono3d.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/nus-mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/range100_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/range100_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/range100_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/range100_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/s3dis-3d-5class.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/s3dis-3d-5class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/s3dis-3d-5class.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/s3dis-3d-5class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/s3dis_seg-3d-13class.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/s3dis_seg-3d-13class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/s3dis_seg-3d-13class.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/s3dis_seg-3d-13class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/scannet-3d-18class.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/scannet-3d-18class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/scannet-3d-18class.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/scannet-3d-18class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/scannet_seg-3d-20class.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/scannet_seg-3d-20class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/scannet_seg-3d-20class.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/scannet_seg-3d-20class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/sunrgbd-3d-10class.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/sunrgbd-3d-10class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/sunrgbd-3d-10class.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/sunrgbd-3d-10class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/waymoD5-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/waymoD5-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/waymoD5-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/waymoD5-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/waymoD5-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/_base_/datasets/waymoD5-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/datasets/waymoD5-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/datasets/waymoD5-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/default_runtime.py b/cv/3d_detection/paconv/pytorch/configs/_base_/default_runtime.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/default_runtime.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/default_runtime.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/3dssd.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/3dssd.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/3dssd.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/3dssd.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/centerpoint_01voxel_second_secfpn_nus.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/centerpoint_01voxel_second_secfpn_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/centerpoint_01voxel_second_secfpn_nus.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/centerpoint_01voxel_second_secfpn_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/centerpoint_02pillar_second_secfpn_nus.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/centerpoint_02pillar_second_secfpn_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/centerpoint_02pillar_second_secfpn_nus.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/centerpoint_02pillar_second_secfpn_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/dgcnn.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/dgcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/dgcnn.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/dgcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/fcos3d.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/fcos3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/fcos3d.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/fcos3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/groupfree3d.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/groupfree3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/groupfree3d.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/groupfree3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/h3dnet.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/h3dnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/h3dnet.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/h3dnet.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_fpn_lyft.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_fpn_lyft.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_fpn_lyft.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_fpn_lyft.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_fpn_nus.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_fpn_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_fpn_nus.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_fpn_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_fpn_range100_lyft.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_fpn_range100_lyft.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_fpn_range100_lyft.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_fpn_range100_lyft.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_secfpn_kitti.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_secfpn_kitti.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_secfpn_kitti.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_secfpn_kitti.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_secfpn_waymo.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_secfpn_waymo.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_pointpillars_secfpn_waymo.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_pointpillars_secfpn_waymo.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_second_secfpn_kitti.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_second_secfpn_kitti.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_second_secfpn_kitti.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_second_secfpn_kitti.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_second_secfpn_waymo.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_second_secfpn_waymo.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/hv_second_secfpn_waymo.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/hv_second_secfpn_waymo.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/imvotenet_image.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/imvotenet_image.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/imvotenet_image.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/imvotenet_image.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/mask_rcnn_r50_fpn.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/mask_rcnn_r50_fpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/mask_rcnn_r50_fpn.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/mask_rcnn_r50_fpn.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/paconv_cuda_ssg.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/paconv_cuda_ssg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/paconv_cuda_ssg.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/paconv_cuda_ssg.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/paconv_ssg.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/paconv_ssg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/paconv_ssg.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/paconv_ssg.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/parta2.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/parta2.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/parta2.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/parta2.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/pgd.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/pgd.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/pgd.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/pgd.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/point_rcnn.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/point_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/point_rcnn.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/point_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/pointnet2_msg.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/pointnet2_msg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/pointnet2_msg.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/pointnet2_msg.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/pointnet2_ssg.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/pointnet2_ssg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/pointnet2_ssg.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/pointnet2_ssg.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/smoke.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/smoke.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/smoke.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/smoke.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/models/votenet.py b/cv/3d_detection/paconv/pytorch/configs/_base_/models/votenet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/models/votenet.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/models/votenet.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/cosine.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/cosine.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/cosine.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/cosine.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/cyclic_20e.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/cyclic_20e.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/cyclic_20e.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/cyclic_20e.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/cyclic_40e.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/cyclic_40e.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/cyclic_40e.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/cyclic_40e.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/mmdet_schedule_1x.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/mmdet_schedule_1x.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/mmdet_schedule_1x.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/mmdet_schedule_1x.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/schedule_2x.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/schedule_2x.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/schedule_2x.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/schedule_2x.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/schedule_3x.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/schedule_3x.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/schedule_3x.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/schedule_3x.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/seg_cosine_100e.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/seg_cosine_100e.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/seg_cosine_100e.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/seg_cosine_100e.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/seg_cosine_150e.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/seg_cosine_150e.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/seg_cosine_150e.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/seg_cosine_150e.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/seg_cosine_200e.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/seg_cosine_200e.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/seg_cosine_200e.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/seg_cosine_200e.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/seg_cosine_50e.py b/cv/3d_detection/paconv/pytorch/configs/_base_/schedules/seg_cosine_50e.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/_base_/schedules/seg_cosine_50e.py rename to cv/3d_detection/paconv/pytorch/configs/_base_/schedules/seg_cosine_50e.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/benchmark/hv_PartA2_secfpn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/benchmark/hv_PartA2_secfpn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/benchmark/hv_PartA2_secfpn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/benchmark/hv_PartA2_secfpn_4x8_cyclic_80e_pcdet_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/benchmark/hv_pointpillars_secfpn_3x8_100e_det3d_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/benchmark/hv_pointpillars_secfpn_3x8_100e_det3d_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/benchmark/hv_pointpillars_secfpn_3x8_100e_det3d_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/benchmark/hv_pointpillars_secfpn_3x8_100e_det3d_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/benchmark/hv_pointpillars_secfpn_4x8_80e_pcdet_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/benchmark/hv_pointpillars_secfpn_4x8_80e_pcdet_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/benchmark/hv_pointpillars_secfpn_4x8_80e_pcdet_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/benchmark/hv_pointpillars_secfpn_4x8_80e_pcdet_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/benchmark/hv_second_secfpn_4x8_80e_pcdet_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/benchmark/hv_second_secfpn_4x8_80e_pcdet_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/benchmark/hv_second_secfpn_4x8_80e_pcdet_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/benchmark/hv_second_secfpn_4x8_80e_pcdet_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/README.md b/cv/3d_detection/paconv/pytorch/configs/centerpoint/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/README.md rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_circlenms_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_circlenms_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_circlenms_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_circlenms_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_flip-tta_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_flip-tta_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_flip-tta_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_flip-tta_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_tta_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_tta_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_tta_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_4x8_cyclic_tta_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_circlenms_4x8_cyclic_flip-tta_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_circlenms_4x8_cyclic_flip-tta_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_circlenms_4x8_cyclic_flip-tta_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_0075voxel_second_secfpn_dcn_circlenms_4x8_cyclic_flip-tta_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_circlenms_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_circlenms_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_circlenms_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_circlenms_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_dcn_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_dcn_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_dcn_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_dcn_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_01voxel_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_circlenms_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_circlenms_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_circlenms_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_circlenms_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_dcn_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_dcn_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_dcn_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_dcn_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py b/cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/centerpoint_02pillar_second_secfpn_dcn_circlenms_4x8_cyclic_20e_nus.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/centerpoint/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/centerpoint/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/centerpoint/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/centerpoint/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/dgcnn/README.md b/cv/3d_detection/paconv/pytorch/configs/dgcnn/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/dgcnn/README.md rename to cv/3d_detection/paconv/pytorch/configs/dgcnn/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/dgcnn/dgcnn_32x4_cosine_100e_s3dis_seg-3d-13class.py b/cv/3d_detection/paconv/pytorch/configs/dgcnn/dgcnn_32x4_cosine_100e_s3dis_seg-3d-13class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/dgcnn/dgcnn_32x4_cosine_100e_s3dis_seg-3d-13class.py rename to cv/3d_detection/paconv/pytorch/configs/dgcnn/dgcnn_32x4_cosine_100e_s3dis_seg-3d-13class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/dgcnn/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/dgcnn/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/dgcnn/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/dgcnn/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/README.md b/cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/README.md rename to cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/dv_pointpillars_secfpn_6x8_160e_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/dv_pointpillars_secfpn_6x8_160e_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/dv_pointpillars_secfpn_6x8_160e_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/dv_pointpillars_secfpn_6x8_160e_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/dv_second_secfpn_2x8_cosine_80e_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/dv_second_secfpn_2x8_cosine_80e_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/dv_second_secfpn_2x8_cosine_80e_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/dv_second_secfpn_2x8_cosine_80e_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/dv_second_secfpn_6x8_80e_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/dv_second_secfpn_6x8_80e_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/dv_second_secfpn_6x8_80e_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/dv_second_secfpn_6x8_80e_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/dynamic_voxelization/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/dynamic_voxelization/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/fcos3d/README.md b/cv/3d_detection/paconv/pytorch/configs/fcos3d/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/fcos3d/README.md rename to cv/3d_detection/paconv/pytorch/configs/fcos3d/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/fcos3d/fcos3d_r101_caffe_fpn_gn-head_dcn_2x8_1x_nus-mono3d.py b/cv/3d_detection/paconv/pytorch/configs/fcos3d/fcos3d_r101_caffe_fpn_gn-head_dcn_2x8_1x_nus-mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/fcos3d/fcos3d_r101_caffe_fpn_gn-head_dcn_2x8_1x_nus-mono3d.py rename to cv/3d_detection/paconv/pytorch/configs/fcos3d/fcos3d_r101_caffe_fpn_gn-head_dcn_2x8_1x_nus-mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/fcos3d/fcos3d_r101_caffe_fpn_gn-head_dcn_2x8_1x_nus-mono3d_finetune.py b/cv/3d_detection/paconv/pytorch/configs/fcos3d/fcos3d_r101_caffe_fpn_gn-head_dcn_2x8_1x_nus-mono3d_finetune.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/fcos3d/fcos3d_r101_caffe_fpn_gn-head_dcn_2x8_1x_nus-mono3d_finetune.py rename to cv/3d_detection/paconv/pytorch/configs/fcos3d/fcos3d_r101_caffe_fpn_gn-head_dcn_2x8_1x_nus-mono3d_finetune.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/fcos3d/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/fcos3d/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/fcos3d/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/fcos3d/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/free_anchor/README.md b/cv/3d_detection/paconv/pytorch/configs/free_anchor/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/free_anchor/README.md rename to cv/3d_detection/paconv/pytorch/configs/free_anchor/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_free-anchor_strong-aug_4x8_3x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_free-anchor_strong-aug_4x8_3x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_free-anchor_strong-aug_4x8_3x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_free-anchor_strong-aug_4x8_3x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-3.2gf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-3.2gf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-3.2gf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-3.2gf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-3.2gf_fpn_sbn-all_free-anchor_strong-aug_4x8_3x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-3.2gf_fpn_sbn-all_free-anchor_strong-aug_4x8_3x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-3.2gf_fpn_sbn-all_free-anchor_strong-aug_4x8_3x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-3.2gf_fpn_sbn-all_free-anchor_strong-aug_4x8_3x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-400mf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-400mf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/free_anchor/hv_pointpillars_regnet-400mf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/free_anchor/hv_pointpillars_regnet-400mf_fpn_sbn-all_free-anchor_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/free_anchor/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/free_anchor/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/free_anchor/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/free_anchor/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/groupfree3d/README.md b/cv/3d_detection/paconv/pytorch/configs/groupfree3d/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/groupfree3d/README.md rename to cv/3d_detection/paconv/pytorch/configs/groupfree3d/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-L12-O256.py b/cv/3d_detection/paconv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-L12-O256.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-L12-O256.py rename to cv/3d_detection/paconv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-L12-O256.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-L6-O256.py b/cv/3d_detection/paconv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-L6-O256.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-L6-O256.py rename to cv/3d_detection/paconv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-L6-O256.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-w2x-L12-O256.py b/cv/3d_detection/paconv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-w2x-L12-O256.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-w2x-L12-O256.py rename to cv/3d_detection/paconv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-w2x-L12-O256.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-w2x-L12-O512.py b/cv/3d_detection/paconv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-w2x-L12-O512.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-w2x-L12-O512.py rename to cv/3d_detection/paconv/pytorch/configs/groupfree3d/groupfree3d_8x4_scannet-3d-18class-w2x-L12-O512.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/groupfree3d/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/groupfree3d/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/groupfree3d/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/groupfree3d/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/h3dnet/README.md b/cv/3d_detection/paconv/pytorch/configs/h3dnet/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/h3dnet/README.md rename to cv/3d_detection/paconv/pytorch/configs/h3dnet/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/h3dnet/h3dnet_3x8_scannet-3d-18class.py b/cv/3d_detection/paconv/pytorch/configs/h3dnet/h3dnet_3x8_scannet-3d-18class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/h3dnet/h3dnet_3x8_scannet-3d-18class.py rename to cv/3d_detection/paconv/pytorch/configs/h3dnet/h3dnet_3x8_scannet-3d-18class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/h3dnet/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/h3dnet/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/h3dnet/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/h3dnet/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/imvotenet/README.md b/cv/3d_detection/paconv/pytorch/configs/imvotenet/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/imvotenet/README.md rename to cv/3d_detection/paconv/pytorch/configs/imvotenet/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/imvotenet/imvotenet_faster_rcnn_r50_fpn_2x4_sunrgbd-3d-10class.py b/cv/3d_detection/paconv/pytorch/configs/imvotenet/imvotenet_faster_rcnn_r50_fpn_2x4_sunrgbd-3d-10class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/imvotenet/imvotenet_faster_rcnn_r50_fpn_2x4_sunrgbd-3d-10class.py rename to cv/3d_detection/paconv/pytorch/configs/imvotenet/imvotenet_faster_rcnn_r50_fpn_2x4_sunrgbd-3d-10class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/imvotenet/imvotenet_stage2_16x8_sunrgbd-3d-10class.py b/cv/3d_detection/paconv/pytorch/configs/imvotenet/imvotenet_stage2_16x8_sunrgbd-3d-10class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/imvotenet/imvotenet_stage2_16x8_sunrgbd-3d-10class.py rename to cv/3d_detection/paconv/pytorch/configs/imvotenet/imvotenet_stage2_16x8_sunrgbd-3d-10class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/imvotenet/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/imvotenet/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/imvotenet/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/imvotenet/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/imvoxelnet/README.md b/cv/3d_detection/paconv/pytorch/configs/imvoxelnet/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/imvoxelnet/README.md rename to cv/3d_detection/paconv/pytorch/configs/imvoxelnet/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/imvoxelnet/imvoxelnet_4x8_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/imvoxelnet/imvoxelnet_4x8_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/imvoxelnet/imvoxelnet_4x8_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/imvoxelnet/imvoxelnet_4x8_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/imvoxelnet/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/imvoxelnet/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/imvoxelnet/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/imvoxelnet/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/monoflex/README.md b/cv/3d_detection/paconv/pytorch/configs/monoflex/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/monoflex/README.md rename to cv/3d_detection/paconv/pytorch/configs/monoflex/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/monoflex/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/monoflex/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/monoflex/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/monoflex/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/mvxnet/README.md b/cv/3d_detection/paconv/pytorch/configs/mvxnet/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/mvxnet/README.md rename to cv/3d_detection/paconv/pytorch/configs/mvxnet/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/mvxnet/dv_mvx-fpn_second_secfpn_adamw_2x8_80e_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/mvxnet/dv_mvx-fpn_second_secfpn_adamw_2x8_80e_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/mvxnet/dv_mvx-fpn_second_secfpn_adamw_2x8_80e_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/mvxnet/dv_mvx-fpn_second_secfpn_adamw_2x8_80e_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/mvxnet/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/mvxnet/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/mvxnet/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/mvxnet/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/README.md b/cv/3d_detection/paconv/pytorch/configs/nuimages/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/README.md rename to cv/3d_detection/paconv/pytorch/configs/nuimages/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_r101_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_r101_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_r101_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_r101_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_coco-20e_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_coco-20e_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_coco-20e_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_coco-20e_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_coco-20e_20e_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_coco-20e_20e_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_coco-20e_20e_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_r50_fpn_coco-20e_20e_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_x101_32x4d_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_x101_32x4d_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/cascade_mask_rcnn_x101_32x4d_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/cascade_mask_rcnn_x101_32x4d_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_r50_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/htc_r50_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_r50_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/htc_r50_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_r50_fpn_coco-20e_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/htc_r50_fpn_coco-20e_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_r50_fpn_coco-20e_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/htc_r50_fpn_coco-20e_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_r50_fpn_coco-20e_20e_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/htc_r50_fpn_coco-20e_20e_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_r50_fpn_coco-20e_20e_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/htc_r50_fpn_coco-20e_20e_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_without_semantic_r50_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/htc_without_semantic_r50_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_without_semantic_r50_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/htc_without_semantic_r50_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_x101_64x4d_fpn_dconv_c3-c5_coco-20e_16x1_20e_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/htc_x101_64x4d_fpn_dconv_c3-c5_coco-20e_16x1_20e_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/htc_x101_64x4d_fpn_dconv_c3-c5_coco-20e_16x1_20e_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/htc_x101_64x4d_fpn_dconv_c3-c5_coco-20e_16x1_20e_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r101_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r101_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r101_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r101_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_coco-3x_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_coco-3x_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_coco-3x_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_coco-3x_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_coco-3x_20e_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_coco-3x_20e_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_coco-3x_20e_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_caffe_fpn_coco-3x_20e_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_coco-2x_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_coco-2x_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_coco-2x_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_coco-2x_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_coco-2x_1x_nus-2d.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_coco-2x_1x_nus-2d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_coco-2x_1x_nus-2d.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_r50_fpn_coco-2x_1x_nus-2d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_x101_32x4d_fpn_1x_nuim.py b/cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_x101_32x4d_fpn_1x_nuim.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/mask_rcnn_x101_32x4d_fpn_1x_nuim.py rename to cv/3d_detection/paconv/pytorch/configs/nuimages/mask_rcnn_x101_32x4d_fpn_1x_nuim.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/nuimages/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/nuimages/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/nuimages/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/nuimages/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/paconv/README.md b/cv/3d_detection/paconv/pytorch/configs/paconv/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/paconv/README.md rename to cv/3d_detection/paconv/pytorch/configs/paconv/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/paconv/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/paconv/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/paconv/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/paconv/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/paconv/paconv_cuda_ssg_8x8_cosine_200e_s3dis_seg-3d-13class.py b/cv/3d_detection/paconv/pytorch/configs/paconv/paconv_cuda_ssg_8x8_cosine_200e_s3dis_seg-3d-13class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/paconv/paconv_cuda_ssg_8x8_cosine_200e_s3dis_seg-3d-13class.py rename to cv/3d_detection/paconv/pytorch/configs/paconv/paconv_cuda_ssg_8x8_cosine_200e_s3dis_seg-3d-13class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/paconv/paconv_ssg_8x8_cosine_150e_s3dis_seg-3d-13class.py b/cv/3d_detection/paconv/pytorch/configs/paconv/paconv_ssg_8x8_cosine_150e_s3dis_seg-3d-13class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/paconv/paconv_ssg_8x8_cosine_150e_s3dis_seg-3d-13class.py rename to cv/3d_detection/paconv/pytorch/configs/paconv/paconv_ssg_8x8_cosine_150e_s3dis_seg-3d-13class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/parta2/README.md b/cv/3d_detection/paconv/pytorch/configs/parta2/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/parta2/README.md rename to cv/3d_detection/paconv/pytorch/configs/parta2/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/parta2/hv_PartA2_secfpn_2x8_cyclic_80e_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/parta2/hv_PartA2_secfpn_2x8_cyclic_80e_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/parta2/hv_PartA2_secfpn_2x8_cyclic_80e_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/parta2/hv_PartA2_secfpn_2x8_cyclic_80e_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/parta2/hv_PartA2_secfpn_2x8_cyclic_80e_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/parta2/hv_PartA2_secfpn_2x8_cyclic_80e_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/parta2/hv_PartA2_secfpn_2x8_cyclic_80e_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/parta2/hv_PartA2_secfpn_2x8_cyclic_80e_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/parta2/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/parta2/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/parta2/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/parta2/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/pgd/README.md b/cv/3d_detection/paconv/pytorch/configs/pgd/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pgd/README.md rename to cv/3d_detection/paconv/pytorch/configs/pgd/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/pgd/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/pgd/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pgd/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/pgd/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_1x_nus-mono3d.py b/cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_1x_nus-mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_1x_nus-mono3d.py rename to cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_1x_nus-mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_1x_nus-mono3d_finetune.py b/cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_1x_nus-mono3d_finetune.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_1x_nus-mono3d_finetune.py rename to cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_1x_nus-mono3d_finetune.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_2x_nus-mono3d.py b/cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_2x_nus-mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_2x_nus-mono3d.py rename to cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_2x_nus-mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_2x_nus-mono3d_finetune.py b/cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_2x_nus-mono3d_finetune.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_2x_nus-mono3d_finetune.py rename to cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_2x16_2x_nus-mono3d_finetune.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_3x4_4x_kitti-mono3d.py b/cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_3x4_4x_kitti-mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_3x4_4x_kitti-mono3d.py rename to cv/3d_detection/paconv/pytorch/configs/pgd/pgd_r101_caffe_fpn_gn-head_3x4_4x_kitti-mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/point_rcnn/README.md b/cv/3d_detection/paconv/pytorch/configs/point_rcnn/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/point_rcnn/README.md rename to cv/3d_detection/paconv/pytorch/configs/point_rcnn/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/point_rcnn/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/point_rcnn/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/point_rcnn/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/point_rcnn/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/point_rcnn/point_rcnn_2x8_kitti-3d-3classes.py b/cv/3d_detection/paconv/pytorch/configs/point_rcnn/point_rcnn_2x8_kitti-3d-3classes.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/point_rcnn/point_rcnn_2x8_kitti-3d-3classes.py rename to cv/3d_detection/paconv/pytorch/configs/point_rcnn/point_rcnn_2x8_kitti-3d-3classes.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointnet2/README.md b/cv/3d_detection/paconv/pytorch/configs/pointnet2/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointnet2/README.md rename to cv/3d_detection/paconv/pytorch/configs/pointnet2/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointnet2/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/pointnet2/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointnet2/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/pointnet2/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_msg_16x2_cosine_250e_scannet_seg-3d-20class.py b/cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_msg_16x2_cosine_250e_scannet_seg-3d-20class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_msg_16x2_cosine_250e_scannet_seg-3d-20class.py rename to cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_msg_16x2_cosine_250e_scannet_seg-3d-20class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_msg_16x2_cosine_80e_s3dis_seg-3d-13class.py b/cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_msg_16x2_cosine_80e_s3dis_seg-3d-13class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_msg_16x2_cosine_80e_s3dis_seg-3d-13class.py rename to cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_msg_16x2_cosine_80e_s3dis_seg-3d-13class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_msg_xyz-only_16x2_cosine_250e_scannet_seg-3d-20class.py b/cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_msg_xyz-only_16x2_cosine_250e_scannet_seg-3d-20class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_msg_xyz-only_16x2_cosine_250e_scannet_seg-3d-20class.py rename to cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_msg_xyz-only_16x2_cosine_250e_scannet_seg-3d-20class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_ssg_16x2_cosine_200e_scannet_seg-3d-20class.py b/cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_ssg_16x2_cosine_200e_scannet_seg-3d-20class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_ssg_16x2_cosine_200e_scannet_seg-3d-20class.py rename to cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_ssg_16x2_cosine_200e_scannet_seg-3d-20class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_ssg_16x2_cosine_50e_s3dis_seg-3d-13class.py b/cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_ssg_16x2_cosine_50e_s3dis_seg-3d-13class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_ssg_16x2_cosine_50e_s3dis_seg-3d-13class.py rename to cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_ssg_16x2_cosine_50e_s3dis_seg-3d-13class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_ssg_xyz-only_16x2_cosine_200e_scannet_seg-3d-20class.py b/cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_ssg_xyz-only_16x2_cosine_200e_scannet_seg-3d-20class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointnet2/pointnet2_ssg_xyz-only_16x2_cosine_200e_scannet_seg-3d-20class.py rename to cv/3d_detection/paconv/pytorch/configs/pointnet2/pointnet2_ssg_xyz-only_16x2_cosine_200e_scannet_seg-3d-20class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/README.md b/cv/3d_detection/paconv/pytorch/configs/pointpillars/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/README.md rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_2x8_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_2x8_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_2x8_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_2x8_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_fp16_2x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_fp16_2x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_fp16_2x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_fp16_2x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_range100_2x8_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_range100_2x8_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_range100_2x8_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_fpn_sbn-all_range100_2x8_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_2x8_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_2x8_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_2x8_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_2x8_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_fp16_2x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_fp16_2x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_fp16_2x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_fp16_2x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_range100_2x8_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_range100_2x8_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_range100_2x8_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn-all_range100_2x8_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymo-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymo-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymo-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymo-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymo-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymo-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymo-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymo-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymoD5-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymoD5-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymoD5-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymoD5-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymoD5-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymoD5-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymoD5-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/hv_pointpillars_secfpn_sbn_2x16_2x_waymoD5-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/pointpillars/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/pointpillars/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/pointpillars/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/pointpillars/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/README.md b/cv/3d_detection/paconv/pytorch/configs/regnet/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/README.md rename to cv/3d_detection/paconv/pytorch/configs/regnet/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-1.6gf_fpn_sbn-all_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_2x8_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_2x8_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_2x8_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_2x8_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_fp16_2x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_fp16_2x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_fp16_2x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_fp16_2x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_range100_2x8_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_range100_2x8_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_range100_2x8_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_fpn_sbn-all_range100_2x8_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_2x8_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_2x8_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_2x8_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_2x8_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_4x8_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_4x8_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_4x8_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_4x8_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_range100_2x8_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_range100_2x8_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_range100_2x8_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/regnet/hv_pointpillars_regnet-400mf_secfpn_sbn-all_range100_2x8_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/regnet/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/regnet/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/regnet/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/regnet/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/sassd/README.md b/cv/3d_detection/paconv/pytorch/configs/sassd/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/sassd/README.md rename to cv/3d_detection/paconv/pytorch/configs/sassd/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/sassd/sassd_6x8_80e_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/sassd/sassd_6x8_80e_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/sassd/sassd_6x8_80e_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/sassd/sassd_6x8_80e_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/second/README.md b/cv/3d_detection/paconv/pytorch/configs/second/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/second/README.md rename to cv/3d_detection/paconv/pytorch/configs/second/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_6x8_80e_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_6x8_80e_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_6x8_80e_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_6x8_80e_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_6x8_80e_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_6x8_80e_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_6x8_80e_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_6x8_80e_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_fp16_6x8_80e_kitti-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_fp16_6x8_80e_kitti-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_fp16_6x8_80e_kitti-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_fp16_6x8_80e_kitti-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_fp16_6x8_80e_kitti-3d-car.py b/cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_fp16_6x8_80e_kitti-3d-car.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_fp16_6x8_80e_kitti-3d-car.py rename to cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_fp16_6x8_80e_kitti-3d-car.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_sbn_2x16_2x_waymoD5-3d-3class.py b/cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_sbn_2x16_2x_waymoD5-3d-3class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/second/hv_second_secfpn_sbn_2x16_2x_waymoD5-3d-3class.py rename to cv/3d_detection/paconv/pytorch/configs/second/hv_second_secfpn_sbn_2x16_2x_waymoD5-3d-3class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/second/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/second/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/second/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/second/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/smoke/README.md b/cv/3d_detection/paconv/pytorch/configs/smoke/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/smoke/README.md rename to cv/3d_detection/paconv/pytorch/configs/smoke/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/smoke/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/smoke/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/smoke/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/smoke/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/smoke/smoke_dla34_pytorch_dlaneck_gn-all_8x4_6x_kitti-mono3d.py b/cv/3d_detection/paconv/pytorch/configs/smoke/smoke_dla34_pytorch_dlaneck_gn-all_8x4_6x_kitti-mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/smoke/smoke_dla34_pytorch_dlaneck_gn-all_8x4_6x_kitti-mono3d.py rename to cv/3d_detection/paconv/pytorch/configs/smoke/smoke_dla34_pytorch_dlaneck_gn-all_8x4_6x_kitti-mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/ssn/README.md b/cv/3d_detection/paconv/pytorch/configs/ssn/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/ssn/README.md rename to cv/3d_detection/paconv/pytorch/configs/ssn/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/ssn/hv_ssn_regnet-400mf_secfpn_sbn-all_1x16_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/ssn/hv_ssn_regnet-400mf_secfpn_sbn-all_1x16_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/ssn/hv_ssn_regnet-400mf_secfpn_sbn-all_1x16_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/ssn/hv_ssn_regnet-400mf_secfpn_sbn-all_1x16_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/ssn/hv_ssn_regnet-400mf_secfpn_sbn-all_2x16_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/ssn/hv_ssn_regnet-400mf_secfpn_sbn-all_2x16_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/ssn/hv_ssn_regnet-400mf_secfpn_sbn-all_2x16_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/ssn/hv_ssn_regnet-400mf_secfpn_sbn-all_2x16_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/ssn/hv_ssn_secfpn_sbn-all_2x16_2x_lyft-3d.py b/cv/3d_detection/paconv/pytorch/configs/ssn/hv_ssn_secfpn_sbn-all_2x16_2x_lyft-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/ssn/hv_ssn_secfpn_sbn-all_2x16_2x_lyft-3d.py rename to cv/3d_detection/paconv/pytorch/configs/ssn/hv_ssn_secfpn_sbn-all_2x16_2x_lyft-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/ssn/hv_ssn_secfpn_sbn-all_2x16_2x_nus-3d.py b/cv/3d_detection/paconv/pytorch/configs/ssn/hv_ssn_secfpn_sbn-all_2x16_2x_nus-3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/ssn/hv_ssn_secfpn_sbn-all_2x16_2x_nus-3d.py rename to cv/3d_detection/paconv/pytorch/configs/ssn/hv_ssn_secfpn_sbn-all_2x16_2x_nus-3d.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/ssn/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/ssn/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/ssn/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/ssn/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/votenet/README.md b/cv/3d_detection/paconv/pytorch/configs/votenet/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/votenet/README.md rename to cv/3d_detection/paconv/pytorch/configs/votenet/README.md diff --git a/cv/3d_detection/PAConv/pytorch/configs/votenet/metafile.yml b/cv/3d_detection/paconv/pytorch/configs/votenet/metafile.yml similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/votenet/metafile.yml rename to cv/3d_detection/paconv/pytorch/configs/votenet/metafile.yml diff --git a/cv/3d_detection/PAConv/pytorch/configs/votenet/votenet_16x8_sunrgbd-3d-10class.py b/cv/3d_detection/paconv/pytorch/configs/votenet/votenet_16x8_sunrgbd-3d-10class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/votenet/votenet_16x8_sunrgbd-3d-10class.py rename to cv/3d_detection/paconv/pytorch/configs/votenet/votenet_16x8_sunrgbd-3d-10class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/votenet/votenet_8x8_scannet-3d-18class.py b/cv/3d_detection/paconv/pytorch/configs/votenet/votenet_8x8_scannet-3d-18class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/votenet/votenet_8x8_scannet-3d-18class.py rename to cv/3d_detection/paconv/pytorch/configs/votenet/votenet_8x8_scannet-3d-18class.py diff --git a/cv/3d_detection/PAConv/pytorch/configs/votenet/votenet_iouloss_8x8_scannet-3d-18class.py b/cv/3d_detection/paconv/pytorch/configs/votenet/votenet_iouloss_8x8_scannet-3d-18class.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/configs/votenet/votenet_iouloss_8x8_scannet-3d-18class.py rename to cv/3d_detection/paconv/pytorch/configs/votenet/votenet_iouloss_8x8_scannet-3d-18class.py diff --git a/cv/3d_detection/PAConv/pytorch/data/s3dis/README.md b/cv/3d_detection/paconv/pytorch/data/s3dis/README.md similarity index 100% rename from cv/3d_detection/PAConv/pytorch/data/s3dis/README.md rename to cv/3d_detection/paconv/pytorch/data/s3dis/README.md diff --git a/cv/3d_detection/PAConv/pytorch/data/s3dis/collect_indoor3d_data.py b/cv/3d_detection/paconv/pytorch/data/s3dis/collect_indoor3d_data.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/data/s3dis/collect_indoor3d_data.py rename to cv/3d_detection/paconv/pytorch/data/s3dis/collect_indoor3d_data.py diff --git a/cv/3d_detection/PAConv/pytorch/data/s3dis/indoor3d_util.py b/cv/3d_detection/paconv/pytorch/data/s3dis/indoor3d_util.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/data/s3dis/indoor3d_util.py rename to cv/3d_detection/paconv/pytorch/data/s3dis/indoor3d_util.py diff --git a/cv/3d_detection/PAConv/pytorch/data/s3dis/meta_data/anno_paths.txt b/cv/3d_detection/paconv/pytorch/data/s3dis/meta_data/anno_paths.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/data/s3dis/meta_data/anno_paths.txt rename to cv/3d_detection/paconv/pytorch/data/s3dis/meta_data/anno_paths.txt diff --git a/cv/3d_detection/PAConv/pytorch/data/s3dis/meta_data/class_names.txt b/cv/3d_detection/paconv/pytorch/data/s3dis/meta_data/class_names.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/data/s3dis/meta_data/class_names.txt rename to cv/3d_detection/paconv/pytorch/data/s3dis/meta_data/class_names.txt diff --git a/cv/3d_detection/PAConv/pytorch/dist_train.sh b/cv/3d_detection/paconv/pytorch/dist_train.sh similarity index 100% rename from cv/3d_detection/PAConv/pytorch/dist_train.sh rename to cv/3d_detection/paconv/pytorch/dist_train.sh diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/apis/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/apis/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/apis/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/apis/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/apis/inference.py b/cv/3d_detection/paconv/pytorch/mmdet/apis/inference.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/apis/inference.py rename to cv/3d_detection/paconv/pytorch/mmdet/apis/inference.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/apis/test.py b/cv/3d_detection/paconv/pytorch/mmdet/apis/test.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/apis/test.py rename to cv/3d_detection/paconv/pytorch/mmdet/apis/test.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/apis/train.py b/cv/3d_detection/paconv/pytorch/mmdet/apis/train.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/apis/train.py rename to cv/3d_detection/paconv/pytorch/mmdet/apis/train.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/anchor/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/anchor/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/anchor_generator.py b/cv/3d_detection/paconv/pytorch/mmdet/core/anchor/anchor_generator.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/anchor_generator.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/anchor/anchor_generator.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/builder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/anchor/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/anchor/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/point_generator.py b/cv/3d_detection/paconv/pytorch/mmdet/core/anchor/point_generator.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/point_generator.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/anchor/point_generator.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/utils.py b/cv/3d_detection/paconv/pytorch/mmdet/core/anchor/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/anchor/utils.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/anchor/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/approx_max_iou_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/approx_max_iou_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/approx_max_iou_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/approx_max_iou_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/assign_result.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/assign_result.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/assign_result.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/assign_result.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/atss_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/atss_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/atss_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/atss_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/base_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/base_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/base_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/base_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/center_region_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/center_region_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/center_region_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/center_region_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/grid_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/grid_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/grid_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/grid_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/hungarian_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/hungarian_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/hungarian_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/hungarian_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/mask_hungarian_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/mask_hungarian_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/mask_hungarian_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/mask_hungarian_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/max_iou_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/max_iou_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/max_iou_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/max_iou_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/point_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/point_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/point_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/point_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/region_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/region_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/region_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/region_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/sim_ota_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/sim_ota_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/sim_ota_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/sim_ota_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/task_aligned_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/task_aligned_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/task_aligned_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/task_aligned_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/uniform_assigner.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/uniform_assigner.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/assigners/uniform_assigner.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/assigners/uniform_assigner.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/builder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/base_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/base_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/base_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/base_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/bucketing_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/bucketing_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/bucketing_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/bucketing_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/delta_xywh_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/delta_xywh_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/delta_xywh_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/delta_xywh_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/distance_point_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/distance_point_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/distance_point_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/distance_point_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/legacy_delta_xywh_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/legacy_delta_xywh_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/legacy_delta_xywh_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/legacy_delta_xywh_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/pseudo_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/pseudo_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/pseudo_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/pseudo_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/tblr_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/tblr_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/tblr_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/tblr_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/yolo_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/yolo_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/coder/yolo_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/coder/yolo_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/demodata.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/demodata.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/demodata.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/demodata.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/iou_calculators/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/iou_calculators/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/iou_calculators/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/iou_calculators/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/iou_calculators/builder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/iou_calculators/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/iou_calculators/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/iou_calculators/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/iou_calculators/iou2d_calculator.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/iou_calculators/iou2d_calculator.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/iou_calculators/iou2d_calculator.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/iou_calculators/iou2d_calculator.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/match_costs/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/match_costs/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/match_costs/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/match_costs/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/match_costs/builder.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/match_costs/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/match_costs/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/match_costs/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/match_costs/match_cost.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/match_costs/match_cost.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/match_costs/match_cost.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/match_costs/match_cost.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/base_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/base_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/base_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/base_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/combined_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/combined_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/combined_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/combined_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/instance_balanced_pos_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/instance_balanced_pos_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/instance_balanced_pos_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/instance_balanced_pos_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/iou_balanced_neg_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/iou_balanced_neg_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/iou_balanced_neg_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/iou_balanced_neg_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/mask_pseudo_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/mask_pseudo_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/mask_pseudo_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/mask_pseudo_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/mask_sampling_result.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/mask_sampling_result.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/mask_sampling_result.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/mask_sampling_result.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/ohem_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/ohem_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/ohem_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/ohem_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/pseudo_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/pseudo_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/pseudo_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/pseudo_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/random_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/random_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/random_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/random_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/sampling_result.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/sampling_result.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/sampling_result.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/sampling_result.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/score_hlr_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/score_hlr_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/samplers/score_hlr_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/samplers/score_hlr_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/transforms.py b/cv/3d_detection/paconv/pytorch/mmdet/core/bbox/transforms.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/bbox/transforms.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/bbox/transforms.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/data_structures/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/data_structures/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/data_structures/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/data_structures/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/data_structures/general_data.py b/cv/3d_detection/paconv/pytorch/mmdet/core/data_structures/general_data.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/data_structures/general_data.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/data_structures/general_data.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/data_structures/instance_data.py b/cv/3d_detection/paconv/pytorch/mmdet/core/data_structures/instance_data.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/data_structures/instance_data.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/data_structures/instance_data.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/bbox_overlaps.py b/cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/bbox_overlaps.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/bbox_overlaps.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/bbox_overlaps.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/class_names.py b/cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/class_names.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/class_names.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/class_names.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/eval_hooks.py b/cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/eval_hooks.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/eval_hooks.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/eval_hooks.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/mean_ap.py b/cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/mean_ap.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/mean_ap.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/mean_ap.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/panoptic_utils.py b/cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/panoptic_utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/panoptic_utils.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/panoptic_utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/recall.py b/cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/recall.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/evaluation/recall.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/evaluation/recall.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/export/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/export/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/export/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/export/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/export/model_wrappers.py b/cv/3d_detection/paconv/pytorch/mmdet/core/export/model_wrappers.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/export/model_wrappers.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/export/model_wrappers.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/export/onnx_helper.py b/cv/3d_detection/paconv/pytorch/mmdet/core/export/onnx_helper.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/export/onnx_helper.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/export/onnx_helper.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/export/pytorch2onnx.py b/cv/3d_detection/paconv/pytorch/mmdet/core/export/pytorch2onnx.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/export/pytorch2onnx.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/export/pytorch2onnx.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/checkloss_hook.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/checkloss_hook.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/checkloss_hook.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/checkloss_hook.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/ema.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/ema.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/ema.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/ema.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/memory_profiler_hook.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/memory_profiler_hook.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/memory_profiler_hook.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/memory_profiler_hook.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/set_epoch_info_hook.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/set_epoch_info_hook.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/set_epoch_info_hook.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/set_epoch_info_hook.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/sync_norm_hook.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/sync_norm_hook.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/sync_norm_hook.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/sync_norm_hook.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/sync_random_size_hook.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/sync_random_size_hook.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/sync_random_size_hook.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/sync_random_size_hook.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/yolox_lrupdater_hook.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/yolox_lrupdater_hook.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/yolox_lrupdater_hook.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/yolox_lrupdater_hook.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/hook/yolox_mode_switch_hook.py b/cv/3d_detection/paconv/pytorch/mmdet/core/hook/yolox_mode_switch_hook.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/hook/yolox_mode_switch_hook.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/hook/yolox_mode_switch_hook.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/mask/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/mask/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/mask/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/mask/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/mask/mask_target.py b/cv/3d_detection/paconv/pytorch/mmdet/core/mask/mask_target.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/mask/mask_target.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/mask/mask_target.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/mask/structures.py b/cv/3d_detection/paconv/pytorch/mmdet/core/mask/structures.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/mask/structures.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/mask/structures.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/mask/utils.py b/cv/3d_detection/paconv/pytorch/mmdet/core/mask/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/mask/utils.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/mask/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/post_processing/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/post_processing/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/post_processing/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/post_processing/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/post_processing/bbox_nms.py b/cv/3d_detection/paconv/pytorch/mmdet/core/post_processing/bbox_nms.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/post_processing/bbox_nms.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/post_processing/bbox_nms.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/post_processing/matrix_nms.py b/cv/3d_detection/paconv/pytorch/mmdet/core/post_processing/matrix_nms.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/post_processing/matrix_nms.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/post_processing/matrix_nms.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/post_processing/merge_augs.py b/cv/3d_detection/paconv/pytorch/mmdet/core/post_processing/merge_augs.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/post_processing/merge_augs.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/post_processing/merge_augs.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/utils/dist_utils.py b/cv/3d_detection/paconv/pytorch/mmdet/core/utils/dist_utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/utils/dist_utils.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/utils/dist_utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/utils/misc.py b/cv/3d_detection/paconv/pytorch/mmdet/core/utils/misc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/utils/misc.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/utils/misc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/visualization/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/core/visualization/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/visualization/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/visualization/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/visualization/image.py b/cv/3d_detection/paconv/pytorch/mmdet/core/visualization/image.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/visualization/image.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/visualization/image.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/core/visualization/palette.py b/cv/3d_detection/paconv/pytorch/mmdet/core/visualization/palette.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/core/visualization/palette.py rename to cv/3d_detection/paconv/pytorch/mmdet/core/visualization/palette.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/api_wrappers/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/api_wrappers/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/api_wrappers/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/api_wrappers/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/api_wrappers/coco_api.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/api_wrappers/coco_api.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/api_wrappers/coco_api.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/api_wrappers/coco_api.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/api_wrappers/panoptic_evaluation.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/api_wrappers/panoptic_evaluation.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/api_wrappers/panoptic_evaluation.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/api_wrappers/panoptic_evaluation.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/builder.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/cityscapes.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/cityscapes.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/cityscapes.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/cityscapes.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/coco.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/coco.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/coco.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/coco.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/coco_panoptic.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/coco_panoptic.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/coco_panoptic.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/coco_panoptic.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/custom.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/custom.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/custom.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/custom.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/dataset_wrappers.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/dataset_wrappers.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/dataset_wrappers.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/dataset_wrappers.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/deepfashion.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/deepfashion.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/deepfashion.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/deepfashion.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/lvis.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/lvis.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/lvis.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/lvis.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/openimages.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/openimages.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/openimages.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/openimages.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/auto_augment.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/auto_augment.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/auto_augment.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/auto_augment.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/compose.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/compose.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/compose.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/compose.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/formating.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/formating.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/formating.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/formating.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/formatting.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/formatting.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/formatting.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/formatting.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/instaboost.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/instaboost.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/instaboost.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/instaboost.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/loading.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/loading.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/loading.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/loading.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/test_time_aug.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/test_time_aug.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/test_time_aug.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/test_time_aug.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/transforms.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/transforms.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/pipelines/transforms.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/pipelines/transforms.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/class_aware_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/class_aware_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/class_aware_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/class_aware_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/distributed_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/distributed_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/distributed_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/distributed_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/group_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/group_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/group_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/group_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/infinite_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/infinite_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/samplers/infinite_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/samplers/infinite_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/utils.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/utils.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/voc.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/voc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/voc.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/voc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/wider_face.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/wider_face.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/wider_face.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/wider_face.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/datasets/xml_style.py b/cv/3d_detection/paconv/pytorch/mmdet/datasets/xml_style.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/datasets/xml_style.py rename to cv/3d_detection/paconv/pytorch/mmdet/datasets/xml_style.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/csp_darknet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/csp_darknet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/csp_darknet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/csp_darknet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/darknet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/darknet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/darknet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/darknet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/detectors_resnet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/detectors_resnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/detectors_resnet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/detectors_resnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/detectors_resnext.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/detectors_resnext.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/detectors_resnext.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/detectors_resnext.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/efficientnet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/efficientnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/efficientnet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/efficientnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/hourglass.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/hourglass.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/hourglass.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/hourglass.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/hrnet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/hrnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/hrnet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/hrnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/mobilenet_v2.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/mobilenet_v2.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/mobilenet_v2.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/mobilenet_v2.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/pvt.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/pvt.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/pvt.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/pvt.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/regnet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/regnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/regnet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/regnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/res2net.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/res2net.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/res2net.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/res2net.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/resnest.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/resnest.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/resnest.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/resnest.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/resnet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/resnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/resnet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/resnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/resnext.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/resnext.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/resnext.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/resnext.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/ssd_vgg.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/ssd_vgg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/ssd_vgg.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/ssd_vgg.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/swin.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/swin.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/swin.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/swin.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/trident_resnet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/backbones/trident_resnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/backbones/trident_resnet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/backbones/trident_resnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/builder.py b/cv/3d_detection/paconv/pytorch/mmdet/models/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/anchor_free_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/anchor_free_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/anchor_free_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/anchor_free_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/anchor_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/anchor_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/anchor_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/anchor_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/atss_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/atss_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/atss_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/atss_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/autoassign_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/autoassign_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/autoassign_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/autoassign_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/base_dense_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/base_dense_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/base_dense_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/base_dense_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/base_mask_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/base_mask_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/base_mask_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/base_mask_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/cascade_rpn_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/cascade_rpn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/cascade_rpn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/cascade_rpn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/centernet_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/centernet_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/centernet_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/centernet_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/centripetal_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/centripetal_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/centripetal_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/centripetal_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/corner_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/corner_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/corner_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/corner_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/deformable_detr_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/deformable_detr_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/deformable_detr_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/deformable_detr_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/dense_test_mixins.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/dense_test_mixins.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/dense_test_mixins.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/dense_test_mixins.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/detr_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/detr_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/detr_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/detr_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/embedding_rpn_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/embedding_rpn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/embedding_rpn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/embedding_rpn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/fcos_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/fcos_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/fcos_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/fcos_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/fovea_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/fovea_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/fovea_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/fovea_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/free_anchor_retina_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/free_anchor_retina_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/free_anchor_retina_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/free_anchor_retina_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/fsaf_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/fsaf_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/fsaf_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/fsaf_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/ga_retina_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/ga_retina_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/ga_retina_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/ga_retina_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/ga_rpn_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/ga_rpn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/ga_rpn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/ga_rpn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/gfl_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/gfl_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/gfl_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/gfl_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/guided_anchor_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/guided_anchor_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/guided_anchor_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/guided_anchor_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/lad_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/lad_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/lad_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/lad_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/ld_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/ld_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/ld_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/ld_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/mask2former_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/mask2former_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/mask2former_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/mask2former_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/maskformer_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/maskformer_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/maskformer_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/maskformer_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/nasfcos_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/nasfcos_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/nasfcos_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/nasfcos_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/paa_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/paa_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/paa_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/paa_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/pisa_retinanet_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/pisa_retinanet_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/pisa_retinanet_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/pisa_retinanet_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/pisa_ssd_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/pisa_ssd_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/pisa_ssd_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/pisa_ssd_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/reppoints_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/reppoints_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/reppoints_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/reppoints_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/retina_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/retina_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/retina_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/retina_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/retina_sepbn_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/retina_sepbn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/retina_sepbn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/retina_sepbn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/rpn_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/rpn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/rpn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/rpn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/sabl_retina_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/sabl_retina_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/sabl_retina_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/sabl_retina_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/solo_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/solo_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/solo_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/solo_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/ssd_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/ssd_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/ssd_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/ssd_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/tood_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/tood_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/tood_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/tood_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/vfnet_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/vfnet_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/vfnet_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/vfnet_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/yolact_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/yolact_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/yolact_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/yolact_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/yolo_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/yolo_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/yolo_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/yolo_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/yolof_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/yolof_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/yolof_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/yolof_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/yolox_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/yolox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/dense_heads/yolox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/dense_heads/yolox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/atss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/atss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/atss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/atss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/autoassign.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/autoassign.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/autoassign.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/autoassign.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/base.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/base.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/base.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/base.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/cascade_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/cascade_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/cascade_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/cascade_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/centernet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/centernet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/centernet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/centernet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/cornernet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/cornernet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/cornernet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/cornernet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/deformable_detr.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/deformable_detr.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/deformable_detr.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/deformable_detr.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/detr.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/detr.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/detr.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/detr.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/fast_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/fast_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/fast_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/fast_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/faster_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/faster_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/faster_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/faster_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/fcos.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/fcos.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/fcos.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/fcos.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/fovea.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/fovea.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/fovea.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/fovea.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/fsaf.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/fsaf.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/fsaf.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/fsaf.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/gfl.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/gfl.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/gfl.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/gfl.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/grid_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/grid_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/grid_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/grid_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/htc.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/htc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/htc.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/htc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/kd_one_stage.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/kd_one_stage.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/kd_one_stage.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/kd_one_stage.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/lad.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/lad.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/lad.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/lad.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/mask2former.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/mask2former.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/mask2former.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/mask2former.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/mask_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/mask_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/mask_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/mask_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/mask_scoring_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/mask_scoring_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/mask_scoring_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/mask_scoring_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/maskformer.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/maskformer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/maskformer.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/maskformer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/nasfcos.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/nasfcos.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/nasfcos.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/nasfcos.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/paa.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/paa.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/paa.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/paa.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/panoptic_fpn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/panoptic_fpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/panoptic_fpn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/panoptic_fpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/panoptic_two_stage_segmentor.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/panoptic_two_stage_segmentor.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/panoptic_two_stage_segmentor.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/panoptic_two_stage_segmentor.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/point_rend.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/point_rend.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/point_rend.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/point_rend.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/queryinst.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/queryinst.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/queryinst.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/queryinst.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/reppoints_detector.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/reppoints_detector.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/reppoints_detector.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/reppoints_detector.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/retinanet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/retinanet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/retinanet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/retinanet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/rpn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/rpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/rpn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/rpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/scnet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/scnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/scnet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/scnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/single_stage.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/single_stage.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/single_stage.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/single_stage.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/single_stage_instance_seg.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/single_stage_instance_seg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/single_stage_instance_seg.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/single_stage_instance_seg.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/solo.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/solo.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/solo.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/solo.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/sparse_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/sparse_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/sparse_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/sparse_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/tood.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/tood.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/tood.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/tood.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/trident_faster_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/trident_faster_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/trident_faster_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/trident_faster_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/two_stage.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/two_stage.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/two_stage.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/two_stage.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/vfnet.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/vfnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/vfnet.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/vfnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/yolact.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/yolact.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/yolact.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/yolact.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/yolo.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/yolo.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/yolo.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/yolo.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/yolof.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/yolof.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/yolof.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/yolof.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/yolox.py b/cv/3d_detection/paconv/pytorch/mmdet/models/detectors/yolox.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/detectors/yolox.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/detectors/yolox.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/accuracy.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/accuracy.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/accuracy.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/accuracy.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/ae_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/ae_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/ae_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/ae_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/balanced_l1_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/balanced_l1_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/balanced_l1_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/balanced_l1_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/cross_entropy_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/cross_entropy_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/cross_entropy_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/cross_entropy_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/dice_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/dice_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/dice_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/dice_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/focal_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/focal_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/focal_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/focal_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/gaussian_focal_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/gaussian_focal_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/gaussian_focal_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/gaussian_focal_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/gfocal_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/gfocal_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/gfocal_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/gfocal_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/ghm_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/ghm_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/ghm_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/ghm_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/iou_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/iou_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/iou_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/iou_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/kd_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/kd_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/kd_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/kd_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/mse_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/mse_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/mse_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/mse_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/pisa_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/pisa_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/pisa_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/pisa_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/seesaw_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/seesaw_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/seesaw_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/seesaw_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/smooth_l1_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/smooth_l1_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/smooth_l1_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/smooth_l1_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/utils.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/utils.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/losses/varifocal_loss.py b/cv/3d_detection/paconv/pytorch/mmdet/models/losses/varifocal_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/losses/varifocal_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/losses/varifocal_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/bfp.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/bfp.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/bfp.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/bfp.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/channel_mapper.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/channel_mapper.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/channel_mapper.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/channel_mapper.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/ct_resnet_neck.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/ct_resnet_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/ct_resnet_neck.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/ct_resnet_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/dilated_encoder.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/dilated_encoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/dilated_encoder.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/dilated_encoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/dyhead.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/dyhead.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/dyhead.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/dyhead.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/fpg.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/fpg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/fpg.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/fpg.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/fpn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/fpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/fpn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/fpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/fpn_carafe.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/fpn_carafe.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/fpn_carafe.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/fpn_carafe.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/hrfpn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/hrfpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/hrfpn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/hrfpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/nas_fpn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/nas_fpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/nas_fpn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/nas_fpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/nasfcos_fpn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/nasfcos_fpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/nasfcos_fpn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/nasfcos_fpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/pafpn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/pafpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/pafpn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/pafpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/rfp.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/rfp.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/rfp.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/rfp.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/ssd_neck.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/ssd_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/ssd_neck.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/ssd_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/yolo_neck.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/yolo_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/yolo_neck.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/yolo_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/necks/yolox_pafpn.py b/cv/3d_detection/paconv/pytorch/mmdet/models/necks/yolox_pafpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/necks/yolox_pafpn.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/necks/yolox_pafpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/plugins/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/plugins/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/plugins/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/plugins/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/plugins/dropblock.py b/cv/3d_detection/paconv/pytorch/mmdet/models/plugins/dropblock.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/plugins/dropblock.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/plugins/dropblock.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/plugins/msdeformattn_pixel_decoder.py b/cv/3d_detection/paconv/pytorch/mmdet/models/plugins/msdeformattn_pixel_decoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/plugins/msdeformattn_pixel_decoder.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/plugins/msdeformattn_pixel_decoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/plugins/pixel_decoder.py b/cv/3d_detection/paconv/pytorch/mmdet/models/plugins/pixel_decoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/plugins/pixel_decoder.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/plugins/pixel_decoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/base_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/base_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/base_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/base_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/bbox_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/bbox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/bbox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/bbox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/convfc_bbox_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/convfc_bbox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/convfc_bbox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/convfc_bbox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/dii_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/dii_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/dii_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/dii_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/double_bbox_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/double_bbox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/double_bbox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/double_bbox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/sabl_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/sabl_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/sabl_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/sabl_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/scnet_bbox_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/scnet_bbox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/bbox_heads/scnet_bbox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/bbox_heads/scnet_bbox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/cascade_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/cascade_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/cascade_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/cascade_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/double_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/double_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/double_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/double_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/dynamic_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/dynamic_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/dynamic_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/dynamic_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/grid_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/grid_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/grid_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/grid_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/htc_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/htc_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/htc_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/htc_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/coarse_mask_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/coarse_mask_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/coarse_mask_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/coarse_mask_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/dynamic_mask_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/dynamic_mask_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/dynamic_mask_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/dynamic_mask_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/fcn_mask_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/fcn_mask_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/fcn_mask_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/fcn_mask_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/feature_relay_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/feature_relay_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/feature_relay_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/feature_relay_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/fused_semantic_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/fused_semantic_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/fused_semantic_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/fused_semantic_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/global_context_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/global_context_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/global_context_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/global_context_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/grid_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/grid_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/grid_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/grid_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/htc_mask_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/htc_mask_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/htc_mask_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/htc_mask_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/mask_point_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/mask_point_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/mask_point_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/mask_point_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/maskiou_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/maskiou_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/maskiou_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/maskiou_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/scnet_mask_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/scnet_mask_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/scnet_mask_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/scnet_mask_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/scnet_semantic_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/scnet_semantic_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_heads/scnet_semantic_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_heads/scnet_semantic_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_scoring_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_scoring_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/mask_scoring_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/mask_scoring_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/pisa_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/pisa_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/pisa_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/pisa_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/point_rend_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/point_rend_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/point_rend_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/point_rend_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/roi_extractors/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/roi_extractors/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/roi_extractors/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/roi_extractors/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/roi_extractors/base_roi_extractor.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/roi_extractors/base_roi_extractor.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/roi_extractors/base_roi_extractor.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/roi_extractors/base_roi_extractor.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/roi_extractors/generic_roi_extractor.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/roi_extractors/generic_roi_extractor.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/roi_extractors/generic_roi_extractor.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/roi_extractors/generic_roi_extractor.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/roi_extractors/single_level_roi_extractor.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/roi_extractors/single_level_roi_extractor.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/roi_extractors/single_level_roi_extractor.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/roi_extractors/single_level_roi_extractor.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/scnet_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/scnet_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/scnet_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/scnet_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/shared_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/shared_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/shared_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/shared_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/shared_heads/res_layer.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/shared_heads/res_layer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/shared_heads/res_layer.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/shared_heads/res_layer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/sparse_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/sparse_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/sparse_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/sparse_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/standard_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/standard_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/standard_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/standard_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/test_mixins.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/test_mixins.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/test_mixins.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/test_mixins.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/trident_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/trident_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/roi_heads/trident_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/roi_heads/trident_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/base_semantic_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/base_semantic_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/base_semantic_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/base_semantic_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fpn_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fpn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fpn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fpn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/base_panoptic_fusion_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/base_panoptic_fusion_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/base_panoptic_fusion_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/base_panoptic_fusion_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/heuristic_fusion_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/heuristic_fusion_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/heuristic_fusion_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/heuristic_fusion_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/maskformer_fusion_head.py b/cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/maskformer_fusion_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/maskformer_fusion_head.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/seg_heads/panoptic_fusion_heads/maskformer_fusion_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/brick_wrappers.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/brick_wrappers.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/brick_wrappers.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/brick_wrappers.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/builder.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/ckpt_convert.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/ckpt_convert.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/ckpt_convert.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/ckpt_convert.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/conv_upsample.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/conv_upsample.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/conv_upsample.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/conv_upsample.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/csp_layer.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/csp_layer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/csp_layer.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/csp_layer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/gaussian_target.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/gaussian_target.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/gaussian_target.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/gaussian_target.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/inverted_residual.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/inverted_residual.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/inverted_residual.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/inverted_residual.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/make_divisible.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/make_divisible.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/make_divisible.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/make_divisible.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/misc.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/misc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/misc.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/misc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/normed_predictor.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/normed_predictor.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/normed_predictor.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/normed_predictor.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/panoptic_gt_processing.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/panoptic_gt_processing.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/panoptic_gt_processing.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/panoptic_gt_processing.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/point_sample.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/point_sample.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/point_sample.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/point_sample.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/positional_encoding.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/positional_encoding.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/positional_encoding.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/positional_encoding.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/res_layer.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/res_layer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/res_layer.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/res_layer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/se_layer.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/se_layer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/se_layer.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/se_layer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/models/utils/transformer.py b/cv/3d_detection/paconv/pytorch/mmdet/models/utils/transformer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/models/utils/transformer.py rename to cv/3d_detection/paconv/pytorch/mmdet/models/utils/transformer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/collect_env.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/collect_env.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/collect_env.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/collect_env.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/compat_config.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/compat_config.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/compat_config.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/compat_config.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/contextmanagers.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/contextmanagers.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/contextmanagers.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/contextmanagers.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/logger.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/logger.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/logger.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/logger.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/misc.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/misc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/misc.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/misc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/profiling.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/profiling.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/profiling.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/profiling.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/setup_env.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/setup_env.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/setup_env.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/setup_env.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/split_batch.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/split_batch.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/split_batch.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/split_batch.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/util_distribution.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/util_distribution.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/util_distribution.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/util_distribution.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/util_mixins.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/util_mixins.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/util_mixins.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/util_mixins.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/utils/util_random.py b/cv/3d_detection/paconv/pytorch/mmdet/utils/util_random.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/utils/util_random.py rename to cv/3d_detection/paconv/pytorch/mmdet/utils/util_random.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet/version.py b/cv/3d_detection/paconv/pytorch/mmdet/version.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet/version.py rename to cv/3d_detection/paconv/pytorch/mmdet/version.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/apis/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/apis/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/apis/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/apis/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/apis/inference.py b/cv/3d_detection/paconv/pytorch/mmdet3d/apis/inference.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/apis/inference.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/apis/inference.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/apis/test.py b/cv/3d_detection/paconv/pytorch/mmdet3d/apis/test.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/apis/test.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/apis/test.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/apis/train.py b/cv/3d_detection/paconv/pytorch/mmdet3d/apis/train.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/apis/train.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/apis/train.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/anchor/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/anchor/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/anchor/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/anchor/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/anchor/anchor_3d_generator.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/anchor/anchor_3d_generator.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/anchor/anchor_3d_generator.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/anchor/anchor_3d_generator.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/assigners/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/assigners/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/assigners/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/assigners/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/box_np_ops.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/box_np_ops.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/box_np_ops.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/box_np_ops.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/fcos3d_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/fcos3d_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/fcos3d_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/fcos3d_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/monoflex_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/monoflex_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/monoflex_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/monoflex_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/pgd_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/pgd_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/pgd_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/pgd_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/point_xyzwhlr_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/point_xyzwhlr_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/point_xyzwhlr_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/point_xyzwhlr_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/smoke_bbox_coder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/smoke_bbox_coder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/coders/smoke_bbox_coder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/coders/smoke_bbox_coder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/iou_calculators/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/iou_calculators/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/iou_calculators/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/iou_calculators/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/samplers/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/samplers/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/samplers/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/samplers/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/base_box3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/base_box3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/base_box3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/base_box3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/box_3d_mode.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/box_3d_mode.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/box_3d_mode.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/box_3d_mode.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/cam_box3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/cam_box3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/cam_box3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/cam_box3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/coord_3d_mode.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/coord_3d_mode.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/coord_3d_mode.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/coord_3d_mode.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/depth_box3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/depth_box3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/depth_box3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/depth_box3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/lidar_box3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/lidar_box3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/lidar_box3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/lidar_box3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/utils.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/structures/utils.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/structures/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/transforms.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/transforms.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/bbox/transforms.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/bbox/transforms.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/indoor_eval.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/indoor_eval.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/indoor_eval.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/indoor_eval.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/instance_seg_eval.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/instance_seg_eval.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/instance_seg_eval.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/instance_seg_eval.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/kitti_utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/kitti_utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/kitti_utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/kitti_utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/kitti_utils/eval.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/kitti_utils/eval.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/kitti_utils/eval.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/kitti_utils/eval.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/lyft_eval.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/lyft_eval.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/lyft_eval.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/lyft_eval.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/scannet_utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/scannet_utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/scannet_utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/scannet_utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/scannet_utils/evaluate_semantic_instance.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/scannet_utils/evaluate_semantic_instance.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/scannet_utils/evaluate_semantic_instance.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/scannet_utils/evaluate_semantic_instance.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/scannet_utils/util_3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/scannet_utils/util_3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/scannet_utils/util_3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/scannet_utils/util_3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/seg_eval.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/seg_eval.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/seg_eval.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/seg_eval.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/waymo_utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/waymo_utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/waymo_utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/waymo_utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/points/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/points/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/base_points.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/points/base_points.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/base_points.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/points/base_points.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/cam_points.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/points/cam_points.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/cam_points.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/points/cam_points.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/depth_points.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/points/depth_points.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/depth_points.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/points/depth_points.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/lidar_points.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/points/lidar_points.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/points/lidar_points.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/points/lidar_points.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/post_processing/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/post_processing/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/post_processing/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/post_processing/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/post_processing/box3d_nms.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/post_processing/box3d_nms.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/post_processing/box3d_nms.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/post_processing/box3d_nms.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/post_processing/merge_augs.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/post_processing/merge_augs.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/post_processing/merge_augs.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/post_processing/merge_augs.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/utils/array_converter.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/utils/array_converter.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/utils/array_converter.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/utils/array_converter.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/utils/gaussian.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/utils/gaussian.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/utils/gaussian.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/utils/gaussian.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/visualizer/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/visualizer/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/visualizer/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/visualizer/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/visualizer/image_vis.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/visualizer/image_vis.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/visualizer/image_vis.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/visualizer/image_vis.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/visualizer/open3d_vis.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/visualizer/open3d_vis.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/visualizer/open3d_vis.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/visualizer/open3d_vis.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/visualizer/show_result.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/visualizer/show_result.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/visualizer/show_result.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/visualizer/show_result.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/voxel/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/voxel/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/voxel/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/voxel/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/voxel/builder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/voxel/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/voxel/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/voxel/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/core/voxel/voxel_generator.py b/cv/3d_detection/paconv/pytorch/mmdet3d/core/voxel/voxel_generator.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/core/voxel/voxel_generator.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/core/voxel/voxel_generator.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/builder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/custom_3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/custom_3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/custom_3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/custom_3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/custom_3d_seg.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/custom_3d_seg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/custom_3d_seg.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/custom_3d_seg.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/dataset_wrappers.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/dataset_wrappers.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/dataset_wrappers.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/dataset_wrappers.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/kitti2d_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/kitti2d_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/kitti2d_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/kitti2d_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/kitti_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/kitti_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/kitti_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/kitti_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/kitti_mono_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/kitti_mono_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/kitti_mono_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/kitti_mono_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/lyft_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/lyft_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/lyft_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/lyft_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/nuscenes_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/nuscenes_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/nuscenes_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/nuscenes_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/nuscenes_mono_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/nuscenes_mono_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/nuscenes_mono_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/nuscenes_mono_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/compose.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/compose.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/compose.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/compose.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/data_augment_utils.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/data_augment_utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/data_augment_utils.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/data_augment_utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/dbsampler.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/dbsampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/dbsampler.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/dbsampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/formating.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/formating.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/formating.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/formating.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/loading.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/loading.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/loading.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/loading.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/test_time_aug.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/test_time_aug.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/test_time_aug.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/test_time_aug.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/transforms_3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/transforms_3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/pipelines/transforms_3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/pipelines/transforms_3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/s3dis_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/s3dis_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/s3dis_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/s3dis_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/scannet_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/scannet_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/scannet_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/scannet_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/semantickitti_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/semantickitti_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/semantickitti_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/semantickitti_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/sunrgbd_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/sunrgbd_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/sunrgbd_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/sunrgbd_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/utils.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/utils.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/waymo_dataset.py b/cv/3d_detection/paconv/pytorch/mmdet3d/datasets/waymo_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/datasets/waymo_dataset.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/datasets/waymo_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/base_pointnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/base_pointnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/base_pointnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/base_pointnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/dgcnn.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/dgcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/dgcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/dgcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/dla.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/dla.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/dla.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/dla.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/mink_resnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/mink_resnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/mink_resnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/mink_resnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/multi_backbone.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/multi_backbone.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/multi_backbone.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/multi_backbone.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/nostem_regnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/nostem_regnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/nostem_regnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/nostem_regnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/pointnet2_sa_msg.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/pointnet2_sa_msg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/pointnet2_sa_msg.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/pointnet2_sa_msg.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/pointnet2_sa_ssg.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/pointnet2_sa_ssg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/pointnet2_sa_ssg.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/pointnet2_sa_ssg.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/second.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/second.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/backbones/second.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/backbones/second.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/builder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/decode_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/decode_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/decode_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/decode_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/dgcnn_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/dgcnn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/dgcnn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/dgcnn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/paconv_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/paconv_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/paconv_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/paconv_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/pointnet2_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/pointnet2_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/decode_heads/pointnet2_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/decode_heads/pointnet2_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/anchor3d_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/anchor3d_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/anchor3d_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/anchor3d_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/base_conv_bbox_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/base_conv_bbox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/base_conv_bbox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/base_conv_bbox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/base_mono3d_dense_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/base_mono3d_dense_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/base_mono3d_dense_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/base_mono3d_dense_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/centerpoint_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/centerpoint_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/centerpoint_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/centerpoint_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/fcos_mono3d_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/fcos_mono3d_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/fcos_mono3d_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/fcos_mono3d_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/free_anchor3d_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/free_anchor3d_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/free_anchor3d_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/free_anchor3d_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/groupfree3d_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/groupfree3d_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/groupfree3d_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/groupfree3d_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/monoflex_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/monoflex_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/monoflex_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/monoflex_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/parta2_rpn_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/parta2_rpn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/parta2_rpn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/parta2_rpn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/pgd_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/pgd_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/pgd_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/pgd_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/point_rpn_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/point_rpn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/point_rpn_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/point_rpn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/shape_aware_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/shape_aware_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/shape_aware_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/shape_aware_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/smoke_mono3d_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/smoke_mono3d_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/smoke_mono3d_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/smoke_mono3d_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/ssd_3d_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/ssd_3d_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/ssd_3d_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/ssd_3d_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/train_mixins.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/train_mixins.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/train_mixins.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/train_mixins.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/vote_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/vote_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/dense_heads/vote_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/dense_heads/vote_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/base.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/base.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/base.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/base.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/centerpoint.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/centerpoint.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/centerpoint.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/centerpoint.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/dynamic_voxelnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/dynamic_voxelnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/dynamic_voxelnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/dynamic_voxelnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/fcos_mono3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/fcos_mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/fcos_mono3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/fcos_mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/groupfree3dnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/groupfree3dnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/groupfree3dnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/groupfree3dnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/h3dnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/h3dnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/h3dnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/h3dnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/imvotenet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/imvotenet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/imvotenet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/imvotenet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/imvoxelnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/imvoxelnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/imvoxelnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/imvoxelnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/mvx_faster_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/mvx_faster_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/mvx_faster_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/mvx_faster_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/mvx_two_stage.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/mvx_two_stage.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/mvx_two_stage.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/mvx_two_stage.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/parta2.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/parta2.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/parta2.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/parta2.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/point_rcnn.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/point_rcnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/point_rcnn.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/point_rcnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/sassd.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/sassd.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/sassd.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/sassd.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/single_stage.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/single_stage.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/single_stage.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/single_stage.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/single_stage_mono3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/single_stage_mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/single_stage_mono3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/single_stage_mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/smoke_mono3d.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/smoke_mono3d.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/smoke_mono3d.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/smoke_mono3d.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/ssd3dnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/ssd3dnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/ssd3dnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/ssd3dnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/two_stage.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/two_stage.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/two_stage.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/two_stage.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/votenet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/votenet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/votenet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/votenet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/voxelnet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/voxelnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/detectors/voxelnet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/detectors/voxelnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/fusion_layers/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/fusion_layers/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/fusion_layers/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/fusion_layers/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/fusion_layers/coord_transform.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/fusion_layers/coord_transform.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/fusion_layers/coord_transform.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/fusion_layers/coord_transform.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/fusion_layers/point_fusion.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/fusion_layers/point_fusion.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/fusion_layers/point_fusion.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/fusion_layers/point_fusion.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/fusion_layers/vote_fusion.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/fusion_layers/vote_fusion.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/fusion_layers/vote_fusion.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/fusion_layers/vote_fusion.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/axis_aligned_iou_loss.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/axis_aligned_iou_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/axis_aligned_iou_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/axis_aligned_iou_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/chamfer_distance.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/chamfer_distance.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/chamfer_distance.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/chamfer_distance.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/multibin_loss.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/multibin_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/multibin_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/multibin_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/paconv_regularization_loss.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/paconv_regularization_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/paconv_regularization_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/paconv_regularization_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/uncertain_smooth_l1_loss.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/uncertain_smooth_l1_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/losses/uncertain_smooth_l1_loss.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/losses/uncertain_smooth_l1_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/middle_encoders/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/middle_encoders/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/middle_encoders/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/middle_encoders/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/middle_encoders/pillar_scatter.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/middle_encoders/pillar_scatter.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/middle_encoders/pillar_scatter.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/middle_encoders/pillar_scatter.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/middle_encoders/sparse_encoder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/middle_encoders/sparse_encoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/middle_encoders/sparse_encoder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/middle_encoders/sparse_encoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/middle_encoders/sparse_unet.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/middle_encoders/sparse_unet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/middle_encoders/sparse_unet.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/middle_encoders/sparse_unet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/model_utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/model_utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/model_utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/model_utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/model_utils/edge_fusion_module.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/model_utils/edge_fusion_module.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/model_utils/edge_fusion_module.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/model_utils/edge_fusion_module.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/model_utils/transformer.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/model_utils/transformer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/model_utils/transformer.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/model_utils/transformer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/model_utils/vote_module.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/model_utils/vote_module.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/model_utils/vote_module.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/model_utils/vote_module.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/dla_neck.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/dla_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/dla_neck.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/dla_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/imvoxel_neck.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/imvoxel_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/imvoxel_neck.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/imvoxel_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/pointnet2_fp_neck.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/pointnet2_fp_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/pointnet2_fp_neck.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/pointnet2_fp_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/second_fpn.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/second_fpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/necks/second_fpn.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/necks/second_fpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/base_3droi_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/base_3droi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/base_3droi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/base_3droi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/bbox_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/bbox_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/bbox_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/bbox_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/bbox_heads/point_rcnn_bbox_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/h3d_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/h3d_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/h3d_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/h3d_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/mask_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/mask_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/mask_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/mask_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/mask_heads/primitive_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/mask_heads/primitive_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/mask_heads/primitive_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/mask_heads/primitive_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/part_aggregation_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/part_aggregation_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/part_aggregation_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/part_aggregation_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/point_rcnn_roi_head.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/point_rcnn_roi_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/point_rcnn_roi_head.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/point_rcnn_roi_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/roi_extractors/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/roi_extractors/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/roi_extractors/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/roi_extractors/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/roi_heads/roi_extractors/single_roipoint_extractor.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/segmentors/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/segmentors/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/segmentors/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/segmentors/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/segmentors/base.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/segmentors/base.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/segmentors/base.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/segmentors/base.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/segmentors/encoder_decoder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/segmentors/encoder_decoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/segmentors/encoder_decoder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/segmentors/encoder_decoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/clip_sigmoid.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/clip_sigmoid.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/clip_sigmoid.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/clip_sigmoid.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/edge_indices.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/edge_indices.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/edge_indices.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/edge_indices.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/gen_keypoints.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/gen_keypoints.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/gen_keypoints.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/gen_keypoints.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/handle_objs.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/handle_objs.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/handle_objs.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/handle_objs.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/mlp.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/mlp.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/utils/mlp.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/utils/mlp.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/voxel_encoders/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/voxel_encoders/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/voxel_encoders/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/voxel_encoders/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/voxel_encoders/pillar_encoder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/voxel_encoders/pillar_encoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/voxel_encoders/pillar_encoder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/voxel_encoders/pillar_encoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/voxel_encoders/utils.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/voxel_encoders/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/voxel_encoders/utils.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/voxel_encoders/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/models/voxel_encoders/voxel_encoder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/models/voxel_encoders/voxel_encoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/models/voxel_encoders/voxel_encoder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/models/voxel_encoders/voxel_encoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/dgcnn_modules/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/dgcnn_modules/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/dgcnn_modules/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/dgcnn_modules/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_fa_module.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_fa_module.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_fa_module.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_fa_module.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_fp_module.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_fp_module.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_fp_module.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_fp_module.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_gf_module.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_gf_module.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_gf_module.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/dgcnn_modules/dgcnn_gf_module.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/norm.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/norm.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/norm.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/norm.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/paconv/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/paconv/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/paconv/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/paconv/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/paconv/paconv.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/paconv/paconv.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/paconv/paconv.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/paconv/paconv.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/paconv/utils.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/paconv/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/paconv/utils.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/paconv/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/builder.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/builder.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/paconv_sa_module.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/paconv_sa_module.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/paconv_sa_module.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/paconv_sa_module.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/point_fp_module.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/point_fp_module.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/point_fp_module.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/point_fp_module.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/point_sa_module.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/point_sa_module.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/pointnet_modules/point_sa_module.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/pointnet_modules/point_sa_module.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/sparse_block.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/sparse_block.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/sparse_block.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/sparse_block.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/spconv/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/spconv/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/spconv/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/spconv/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/spconv/overwrite_spconv/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/spconv/overwrite_spconv/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/spconv/overwrite_spconv/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/spconv/overwrite_spconv/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/ops/spconv/overwrite_spconv/write_spconv2.py b/cv/3d_detection/paconv/pytorch/mmdet3d/ops/spconv/overwrite_spconv/write_spconv2.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/ops/spconv/overwrite_spconv/write_spconv2.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/ops/spconv/overwrite_spconv/write_spconv2.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmdet3d/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/utils/collect_env.py b/cv/3d_detection/paconv/pytorch/mmdet3d/utils/collect_env.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/utils/collect_env.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/utils/collect_env.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/utils/compat_cfg.py b/cv/3d_detection/paconv/pytorch/mmdet3d/utils/compat_cfg.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/utils/compat_cfg.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/utils/compat_cfg.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/utils/logger.py b/cv/3d_detection/paconv/pytorch/mmdet3d/utils/logger.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/utils/logger.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/utils/logger.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/utils/misc.py b/cv/3d_detection/paconv/pytorch/mmdet3d/utils/misc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/utils/misc.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/utils/misc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/utils/setup_env.py b/cv/3d_detection/paconv/pytorch/mmdet3d/utils/setup_env.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/utils/setup_env.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/utils/setup_env.py diff --git a/cv/3d_detection/PAConv/pytorch/mmdet3d/version.py b/cv/3d_detection/paconv/pytorch/mmdet3d/version.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmdet3d/version.py rename to cv/3d_detection/paconv/pytorch/mmdet3d/version.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/apis/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/apis/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/apis/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/apis/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/apis/inference.py b/cv/3d_detection/paconv/pytorch/mmseg/apis/inference.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/apis/inference.py rename to cv/3d_detection/paconv/pytorch/mmseg/apis/inference.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/apis/test.py b/cv/3d_detection/paconv/pytorch/mmseg/apis/test.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/apis/test.py rename to cv/3d_detection/paconv/pytorch/mmseg/apis/test.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/apis/train.py b/cv/3d_detection/paconv/pytorch/mmseg/apis/train.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/apis/train.py rename to cv/3d_detection/paconv/pytorch/mmseg/apis/train.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/core/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/evaluation/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/core/evaluation/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/evaluation/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/evaluation/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/evaluation/class_names.py b/cv/3d_detection/paconv/pytorch/mmseg/core/evaluation/class_names.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/evaluation/class_names.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/evaluation/class_names.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/evaluation/eval_hooks.py b/cv/3d_detection/paconv/pytorch/mmseg/core/evaluation/eval_hooks.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/evaluation/eval_hooks.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/evaluation/eval_hooks.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/evaluation/metrics.py b/cv/3d_detection/paconv/pytorch/mmseg/core/evaluation/metrics.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/evaluation/metrics.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/evaluation/metrics.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/seg/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/core/seg/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/seg/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/seg/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/seg/builder.py b/cv/3d_detection/paconv/pytorch/mmseg/core/seg/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/seg/builder.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/seg/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/seg/sampler/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/core/seg/sampler/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/seg/sampler/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/seg/sampler/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/seg/sampler/base_pixel_sampler.py b/cv/3d_detection/paconv/pytorch/mmseg/core/seg/sampler/base_pixel_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/seg/sampler/base_pixel_sampler.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/seg/sampler/base_pixel_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/seg/sampler/ohem_pixel_sampler.py b/cv/3d_detection/paconv/pytorch/mmseg/core/seg/sampler/ohem_pixel_sampler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/seg/sampler/ohem_pixel_sampler.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/seg/sampler/ohem_pixel_sampler.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/core/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/core/utils/misc.py b/cv/3d_detection/paconv/pytorch/mmseg/core/utils/misc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/core/utils/misc.py rename to cv/3d_detection/paconv/pytorch/mmseg/core/utils/misc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/ade.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/ade.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/ade.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/ade.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/builder.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/builder.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/chase_db1.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/chase_db1.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/chase_db1.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/chase_db1.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/cityscapes.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/cityscapes.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/cityscapes.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/cityscapes.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/coco_stuff.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/coco_stuff.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/coco_stuff.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/coco_stuff.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/custom.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/custom.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/custom.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/custom.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/dark_zurich.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/dark_zurich.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/dark_zurich.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/dark_zurich.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/dataset_wrappers.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/dataset_wrappers.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/dataset_wrappers.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/dataset_wrappers.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/drive.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/drive.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/drive.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/drive.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/hrf.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/hrf.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/hrf.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/hrf.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/loveda.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/loveda.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/loveda.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/loveda.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/night_driving.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/night_driving.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/night_driving.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/night_driving.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/pascal_context.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/pascal_context.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/pascal_context.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/pascal_context.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/compose.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/compose.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/compose.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/compose.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/formating.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/formating.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/formating.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/formating.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/formatting.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/formatting.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/formatting.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/formatting.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/loading.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/loading.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/loading.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/loading.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/test_time_aug.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/test_time_aug.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/test_time_aug.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/test_time_aug.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/transforms.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/transforms.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/pipelines/transforms.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/pipelines/transforms.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/stare.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/stare.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/stare.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/stare.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/datasets/voc.py b/cv/3d_detection/paconv/pytorch/mmseg/datasets/voc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/datasets/voc.py rename to cv/3d_detection/paconv/pytorch/mmseg/datasets/voc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/models/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/bisenetv1.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/bisenetv1.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/bisenetv1.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/bisenetv1.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/bisenetv2.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/bisenetv2.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/bisenetv2.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/bisenetv2.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/cgnet.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/cgnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/cgnet.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/cgnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/erfnet.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/erfnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/erfnet.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/erfnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/fast_scnn.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/fast_scnn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/fast_scnn.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/fast_scnn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/hrnet.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/hrnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/hrnet.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/hrnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/icnet.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/icnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/icnet.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/icnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/mit.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/mit.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/mit.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/mit.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/mobilenet_v2.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/mobilenet_v2.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/mobilenet_v2.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/mobilenet_v2.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/mobilenet_v3.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/mobilenet_v3.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/mobilenet_v3.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/mobilenet_v3.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/resnest.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/resnest.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/resnest.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/resnest.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/resnet.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/resnet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/resnet.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/resnet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/resnext.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/resnext.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/resnext.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/resnext.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/stdc.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/stdc.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/stdc.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/stdc.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/swin.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/swin.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/swin.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/swin.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/timm_backbone.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/timm_backbone.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/timm_backbone.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/timm_backbone.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/twins.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/twins.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/twins.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/twins.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/unet.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/unet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/unet.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/unet.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/vit.py b/cv/3d_detection/paconv/pytorch/mmseg/models/backbones/vit.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/backbones/vit.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/backbones/vit.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/builder.py b/cv/3d_detection/paconv/pytorch/mmseg/models/builder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/builder.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/builder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/ann_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/ann_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/ann_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/ann_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/apc_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/apc_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/apc_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/apc_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/aspp_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/aspp_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/aspp_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/aspp_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/cascade_decode_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/cascade_decode_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/cascade_decode_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/cascade_decode_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/cc_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/cc_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/cc_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/cc_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/da_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/da_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/da_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/da_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/decode_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/decode_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/decode_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/decode_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/dm_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/dm_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/dm_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/dm_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/dnl_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/dnl_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/dnl_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/dnl_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/dpt_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/dpt_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/dpt_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/dpt_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/ema_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/ema_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/ema_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/ema_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/enc_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/enc_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/enc_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/enc_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/fcn_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/fcn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/fcn_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/fcn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/fpn_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/fpn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/fpn_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/fpn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/gc_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/gc_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/gc_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/gc_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/isa_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/isa_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/isa_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/isa_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/lraspp_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/lraspp_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/lraspp_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/lraspp_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/nl_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/nl_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/nl_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/nl_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/ocr_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/ocr_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/ocr_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/ocr_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/point_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/point_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/point_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/point_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/psa_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/psa_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/psa_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/psa_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/psp_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/psp_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/psp_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/psp_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/segformer_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/segformer_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/segformer_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/segformer_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/sep_aspp_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/sep_aspp_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/sep_aspp_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/sep_aspp_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/sep_fcn_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/sep_fcn_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/sep_fcn_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/sep_fcn_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/setr_mla_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/setr_mla_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/setr_mla_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/setr_mla_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/setr_up_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/setr_up_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/setr_up_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/setr_up_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/stdc_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/stdc_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/stdc_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/stdc_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/uper_head.py b/cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/uper_head.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/decode_heads/uper_head.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/decode_heads/uper_head.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/losses/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/models/losses/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/losses/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/losses/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/losses/accuracy.py b/cv/3d_detection/paconv/pytorch/mmseg/models/losses/accuracy.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/losses/accuracy.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/losses/accuracy.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/losses/cross_entropy_loss.py b/cv/3d_detection/paconv/pytorch/mmseg/models/losses/cross_entropy_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/losses/cross_entropy_loss.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/losses/cross_entropy_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/losses/dice_loss.py b/cv/3d_detection/paconv/pytorch/mmseg/models/losses/dice_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/losses/dice_loss.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/losses/dice_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/losses/focal_loss.py b/cv/3d_detection/paconv/pytorch/mmseg/models/losses/focal_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/losses/focal_loss.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/losses/focal_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/losses/lovasz_loss.py b/cv/3d_detection/paconv/pytorch/mmseg/models/losses/lovasz_loss.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/losses/lovasz_loss.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/losses/lovasz_loss.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/losses/utils.py b/cv/3d_detection/paconv/pytorch/mmseg/models/losses/utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/losses/utils.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/losses/utils.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/necks/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/models/necks/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/necks/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/necks/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/necks/fpn.py b/cv/3d_detection/paconv/pytorch/mmseg/models/necks/fpn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/necks/fpn.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/necks/fpn.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/necks/ic_neck.py b/cv/3d_detection/paconv/pytorch/mmseg/models/necks/ic_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/necks/ic_neck.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/necks/ic_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/necks/jpu.py b/cv/3d_detection/paconv/pytorch/mmseg/models/necks/jpu.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/necks/jpu.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/necks/jpu.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/necks/mla_neck.py b/cv/3d_detection/paconv/pytorch/mmseg/models/necks/mla_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/necks/mla_neck.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/necks/mla_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/necks/multilevel_neck.py b/cv/3d_detection/paconv/pytorch/mmseg/models/necks/multilevel_neck.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/necks/multilevel_neck.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/necks/multilevel_neck.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/segmentors/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/models/segmentors/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/segmentors/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/segmentors/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/segmentors/base.py b/cv/3d_detection/paconv/pytorch/mmseg/models/segmentors/base.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/segmentors/base.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/segmentors/base.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/segmentors/cascade_encoder_decoder.py b/cv/3d_detection/paconv/pytorch/mmseg/models/segmentors/cascade_encoder_decoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/segmentors/cascade_encoder_decoder.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/segmentors/cascade_encoder_decoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/segmentors/encoder_decoder.py b/cv/3d_detection/paconv/pytorch/mmseg/models/segmentors/encoder_decoder.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/segmentors/encoder_decoder.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/segmentors/encoder_decoder.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/embed.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/embed.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/embed.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/embed.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/inverted_residual.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/inverted_residual.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/inverted_residual.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/inverted_residual.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/make_divisible.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/make_divisible.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/make_divisible.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/make_divisible.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/res_layer.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/res_layer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/res_layer.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/res_layer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/se_layer.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/se_layer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/se_layer.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/se_layer.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/self_attention_block.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/self_attention_block.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/self_attention_block.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/self_attention_block.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/shape_convert.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/shape_convert.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/shape_convert.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/shape_convert.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/models/utils/up_conv_block.py b/cv/3d_detection/paconv/pytorch/mmseg/models/utils/up_conv_block.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/models/utils/up_conv_block.py rename to cv/3d_detection/paconv/pytorch/mmseg/models/utils/up_conv_block.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/ops/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/ops/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/ops/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/ops/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/ops/encoding.py b/cv/3d_detection/paconv/pytorch/mmseg/ops/encoding.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/ops/encoding.py rename to cv/3d_detection/paconv/pytorch/mmseg/ops/encoding.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/ops/wrappers.py b/cv/3d_detection/paconv/pytorch/mmseg/ops/wrappers.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/ops/wrappers.py rename to cv/3d_detection/paconv/pytorch/mmseg/ops/wrappers.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/utils/__init__.py b/cv/3d_detection/paconv/pytorch/mmseg/utils/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/utils/__init__.py rename to cv/3d_detection/paconv/pytorch/mmseg/utils/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/utils/collect_env.py b/cv/3d_detection/paconv/pytorch/mmseg/utils/collect_env.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/utils/collect_env.py rename to cv/3d_detection/paconv/pytorch/mmseg/utils/collect_env.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/utils/logger.py b/cv/3d_detection/paconv/pytorch/mmseg/utils/logger.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/utils/logger.py rename to cv/3d_detection/paconv/pytorch/mmseg/utils/logger.py diff --git a/cv/3d_detection/PAConv/pytorch/mmseg/version.py b/cv/3d_detection/paconv/pytorch/mmseg/version.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/mmseg/version.py rename to cv/3d_detection/paconv/pytorch/mmseg/version.py diff --git a/cv/3d_detection/PAConv/pytorch/requirements.txt b/cv/3d_detection/paconv/pytorch/requirements.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/requirements.txt rename to cv/3d_detection/paconv/pytorch/requirements.txt diff --git a/cv/3d_detection/PAConv/pytorch/requirements/build.txt b/cv/3d_detection/paconv/pytorch/requirements/build.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/requirements/build.txt rename to cv/3d_detection/paconv/pytorch/requirements/build.txt diff --git a/cv/3d_detection/PAConv/pytorch/requirements/docs.txt b/cv/3d_detection/paconv/pytorch/requirements/docs.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/requirements/docs.txt rename to cv/3d_detection/paconv/pytorch/requirements/docs.txt diff --git a/cv/3d_detection/PAConv/pytorch/requirements/mminstall.txt b/cv/3d_detection/paconv/pytorch/requirements/mminstall.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/requirements/mminstall.txt rename to cv/3d_detection/paconv/pytorch/requirements/mminstall.txt diff --git a/cv/3d_detection/PAConv/pytorch/requirements/optional.txt b/cv/3d_detection/paconv/pytorch/requirements/optional.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/requirements/optional.txt rename to cv/3d_detection/paconv/pytorch/requirements/optional.txt diff --git a/cv/3d_detection/PAConv/pytorch/requirements/readthedocs.txt b/cv/3d_detection/paconv/pytorch/requirements/readthedocs.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/requirements/readthedocs.txt rename to cv/3d_detection/paconv/pytorch/requirements/readthedocs.txt diff --git a/cv/3d_detection/PAConv/pytorch/requirements/runtime.txt b/cv/3d_detection/paconv/pytorch/requirements/runtime.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/requirements/runtime.txt rename to cv/3d_detection/paconv/pytorch/requirements/runtime.txt diff --git a/cv/3d_detection/PAConv/pytorch/requirements/tests.txt b/cv/3d_detection/paconv/pytorch/requirements/tests.txt similarity index 100% rename from cv/3d_detection/PAConv/pytorch/requirements/tests.txt rename to cv/3d_detection/paconv/pytorch/requirements/tests.txt diff --git a/cv/3d_detection/PAConv/pytorch/setup.cfg b/cv/3d_detection/paconv/pytorch/setup.cfg similarity index 100% rename from cv/3d_detection/PAConv/pytorch/setup.cfg rename to cv/3d_detection/paconv/pytorch/setup.cfg diff --git a/cv/3d_detection/PAConv/pytorch/setup.py b/cv/3d_detection/paconv/pytorch/setup.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/setup.py rename to cv/3d_detection/paconv/pytorch/setup.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/analysis_tools/analyze_logs.py b/cv/3d_detection/paconv/pytorch/tools/analysis_tools/analyze_logs.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/analysis_tools/analyze_logs.py rename to cv/3d_detection/paconv/pytorch/tools/analysis_tools/analyze_logs.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/analysis_tools/benchmark.py b/cv/3d_detection/paconv/pytorch/tools/analysis_tools/benchmark.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/analysis_tools/benchmark.py rename to cv/3d_detection/paconv/pytorch/tools/analysis_tools/benchmark.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/analysis_tools/get_flops.py b/cv/3d_detection/paconv/pytorch/tools/analysis_tools/get_flops.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/analysis_tools/get_flops.py rename to cv/3d_detection/paconv/pytorch/tools/analysis_tools/get_flops.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/create_data.py b/cv/3d_detection/paconv/pytorch/tools/create_data.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/create_data.py rename to cv/3d_detection/paconv/pytorch/tools/create_data.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/create_data.sh b/cv/3d_detection/paconv/pytorch/tools/create_data.sh similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/create_data.sh rename to cv/3d_detection/paconv/pytorch/tools/create_data.sh diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/__init__.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/__init__.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/__init__.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/__init__.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/create_gt_database.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/create_gt_database.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/create_gt_database.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/create_gt_database.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/indoor_converter.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/indoor_converter.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/indoor_converter.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/indoor_converter.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/kitti_converter.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/kitti_converter.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/kitti_converter.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/kitti_converter.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/kitti_data_utils.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/kitti_data_utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/kitti_data_utils.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/kitti_data_utils.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/lyft_converter.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/lyft_converter.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/lyft_converter.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/lyft_converter.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/lyft_data_fixer.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/lyft_data_fixer.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/lyft_data_fixer.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/lyft_data_fixer.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/nuimage_converter.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/nuimage_converter.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/nuimage_converter.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/nuimage_converter.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/nuscenes_converter.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/nuscenes_converter.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/nuscenes_converter.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/nuscenes_converter.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/s3dis_data_utils.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/s3dis_data_utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/s3dis_data_utils.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/s3dis_data_utils.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/scannet_data_utils.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/scannet_data_utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/scannet_data_utils.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/scannet_data_utils.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/sunrgbd_data_utils.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/sunrgbd_data_utils.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/sunrgbd_data_utils.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/sunrgbd_data_utils.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/data_converter/waymo_converter.py b/cv/3d_detection/paconv/pytorch/tools/data_converter/waymo_converter.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/data_converter/waymo_converter.py rename to cv/3d_detection/paconv/pytorch/tools/data_converter/waymo_converter.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/deployment/mmdet3d2torchserve.py b/cv/3d_detection/paconv/pytorch/tools/deployment/mmdet3d2torchserve.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/deployment/mmdet3d2torchserve.py rename to cv/3d_detection/paconv/pytorch/tools/deployment/mmdet3d2torchserve.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/deployment/mmdet3d_handler.py b/cv/3d_detection/paconv/pytorch/tools/deployment/mmdet3d_handler.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/deployment/mmdet3d_handler.py rename to cv/3d_detection/paconv/pytorch/tools/deployment/mmdet3d_handler.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/deployment/test_torchserver.py b/cv/3d_detection/paconv/pytorch/tools/deployment/test_torchserver.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/deployment/test_torchserver.py rename to cv/3d_detection/paconv/pytorch/tools/deployment/test_torchserver.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/dist_test.sh b/cv/3d_detection/paconv/pytorch/tools/dist_test.sh similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/dist_test.sh rename to cv/3d_detection/paconv/pytorch/tools/dist_test.sh diff --git a/cv/3d_detection/PAConv/pytorch/tools/misc/browse_dataset.py b/cv/3d_detection/paconv/pytorch/tools/misc/browse_dataset.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/misc/browse_dataset.py rename to cv/3d_detection/paconv/pytorch/tools/misc/browse_dataset.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/misc/fuse_conv_bn.py b/cv/3d_detection/paconv/pytorch/tools/misc/fuse_conv_bn.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/misc/fuse_conv_bn.py rename to cv/3d_detection/paconv/pytorch/tools/misc/fuse_conv_bn.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/misc/print_config.py b/cv/3d_detection/paconv/pytorch/tools/misc/print_config.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/misc/print_config.py rename to cv/3d_detection/paconv/pytorch/tools/misc/print_config.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/misc/visualize_results.py b/cv/3d_detection/paconv/pytorch/tools/misc/visualize_results.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/misc/visualize_results.py rename to cv/3d_detection/paconv/pytorch/tools/misc/visualize_results.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/model_converters/convert_h3dnet_checkpoints.py b/cv/3d_detection/paconv/pytorch/tools/model_converters/convert_h3dnet_checkpoints.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/model_converters/convert_h3dnet_checkpoints.py rename to cv/3d_detection/paconv/pytorch/tools/model_converters/convert_h3dnet_checkpoints.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/model_converters/convert_votenet_checkpoints.py b/cv/3d_detection/paconv/pytorch/tools/model_converters/convert_votenet_checkpoints.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/model_converters/convert_votenet_checkpoints.py rename to cv/3d_detection/paconv/pytorch/tools/model_converters/convert_votenet_checkpoints.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/model_converters/publish_model.py b/cv/3d_detection/paconv/pytorch/tools/model_converters/publish_model.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/model_converters/publish_model.py rename to cv/3d_detection/paconv/pytorch/tools/model_converters/publish_model.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/model_converters/regnet2mmdet.py b/cv/3d_detection/paconv/pytorch/tools/model_converters/regnet2mmdet.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/model_converters/regnet2mmdet.py rename to cv/3d_detection/paconv/pytorch/tools/model_converters/regnet2mmdet.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/slurm_test.sh b/cv/3d_detection/paconv/pytorch/tools/slurm_test.sh similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/slurm_test.sh rename to cv/3d_detection/paconv/pytorch/tools/slurm_test.sh diff --git a/cv/3d_detection/PAConv/pytorch/tools/slurm_train.sh b/cv/3d_detection/paconv/pytorch/tools/slurm_train.sh similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/slurm_train.sh rename to cv/3d_detection/paconv/pytorch/tools/slurm_train.sh diff --git a/cv/3d_detection/PAConv/pytorch/tools/test.py b/cv/3d_detection/paconv/pytorch/tools/test.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/test.py rename to cv/3d_detection/paconv/pytorch/tools/test.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/update_data_coords.py b/cv/3d_detection/paconv/pytorch/tools/update_data_coords.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/update_data_coords.py rename to cv/3d_detection/paconv/pytorch/tools/update_data_coords.py diff --git a/cv/3d_detection/PAConv/pytorch/tools/update_data_coords.sh b/cv/3d_detection/paconv/pytorch/tools/update_data_coords.sh similarity index 100% rename from cv/3d_detection/PAConv/pytorch/tools/update_data_coords.sh rename to cv/3d_detection/paconv/pytorch/tools/update_data_coords.sh diff --git a/cv/3d_detection/PAConv/pytorch/train.py b/cv/3d_detection/paconv/pytorch/train.py similarity index 100% rename from cv/3d_detection/PAConv/pytorch/train.py rename to cv/3d_detection/paconv/pytorch/train.py diff --git a/cv/classification/Res2Net50_14w_8s/paddlepaddle/README.md b/cv/classification/res2net50_14w_8s/paddlepaddle/README.md similarity index 100% rename from cv/classification/Res2Net50_14w_8s/paddlepaddle/README.md rename to cv/classification/res2net50_14w_8s/paddlepaddle/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/mutable_channel_unit.ipynb b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/mutable_channel_unit.ipynb deleted file mode 100644 index bc40d191b6db6c5b417615f45c5f58310adea852..0000000000000000000000000000000000000000 --- a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/mutable_channel_unit.ipynb +++ /dev/null @@ -1,314 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# MutableChannelUnit" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Each MutableChannelUnit is a basic unit for pruning. It records all channels which are dependent on each other.\n", - "Below, we will introduce you about:\n", - "1. The data structure of MutableChannelUnit.\n", - "2. How to prune the model with a MutableChannelUnit.\n", - "3. How to get MutableChannelUnits.\n", - "4. How to develop a new MutableChannelUnit for a new pruning algorithm.\n", - "

\"MutableChannelUnit\"

" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## The Data Structure of MutableChannelUnit" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "First, let's parse a model and get several MutableChannelUnits." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# define a model\n", - "from mmengine.model import BaseModel\n", - "from torch import nn\n", - "from collections import OrderedDict\n", - "\n", - "class MyModel(nn.Module):\n", - "\n", - " def __init__(self):\n", - " super().__init__()\n", - " self.net = nn.Sequential(\n", - " OrderedDict([('conv0', nn.Conv2d(3, 8, 3, 1, 1)),\n", - " ('relu', nn.ReLU()),\n", - " ('conv1', nn.Conv2d(8, 16, 3, 1, 1))]))\n", - " self.pool = nn.AdaptiveAvgPool2d(1)\n", - " self.head = nn.Linear(16, 1000)\n", - "\n", - " def forward(self, x):\n", - " feature = self.net(x)\n", - " pool = self.pool(feature).flatten(1)\n", - " return self.head(pool)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# There are multiple types of MutableChannelUnits. Here, We take SequentialMutableChannelUnit as the example.\n", - "from mmrazor.models.mutables.mutable_channel.units import SequentialMutableChannelUnit\n", - "from mmrazor.structures.graph import ModuleGraph\n", - "from typing import List\n", - "\n", - "model = MyModel()\n", - "units: List[\n", - " SequentialMutableChannelUnit] = SequentialMutableChannelUnit.init_from_channel_analyzer(model) # type: ignore\n", - "print(\n", - " f'This model has {len(units)} MutableChannelUnit(SequentialMutableChannelUnit).'\n", - ")\n" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "unit1=units[1]\n", - "print(unit1)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "As shown above, each MutableChannelUnit has four important attributes: \n", - "1. name: str\n", - "2. output_related: ModuleList\n", - "3. input_related: ModuleList\n", - "4. mutable_channel: BaseMutableChannel\n", - "\n", - "\"name\" is the identifier of the MutableChannelUnit. It's automatically generated usually.\n", - "\n", - "\"output_related\" and \"input_related\" are two ModuleLists. They store all Channels with channel dependency.\n", - "The difference is that the \"output_related\" includes output channels and the \"input_related\" includes input channels.\n", - "All these channels\n", - "\n", - "\"mutable_channel\" is a BaseMutableChannel used to control the channel mask of modules. The mutable_channel is registered to the modules whose channels are stored in \"output_related\" and \"input_related\"." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## How to prune the model with a MutableChannelUnit." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "There are three steps to prune the model using a MutableChannelUnit:\n", - "1. replace modules, whose channel are stored in the \"output_related\" and \"input_related\", with dynamic ops which are able to deal with mutable number of channels.\n", - "2. register the \"mutable_channel\" to the replaced dynamic ops.\n", - "3. change the choice of the \"mutable_channel\".\n", - "\n", - "For simplicity, we run step 1 and 2 with one method \"prepare_for_pruning\"." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# We run \"prepare_for_pruning\" once before pruning to run step 1 and 2 above.\n", - "unit1.prepare_for_pruning(model)\n", - "print(f'The current choice of unit1 is {unit1.current_choice}.')\n", - "print(model.net.conv0)\n", - "print(model.net.conv1)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We prune the model by changing the current_choice of the MutableChannelUnits." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "sampled_choice=unit1.sample_choice()\n", - "print(f'We get a sampled choice {sampled_choice}.')\n", - "unit1.current_choice=sampled_choice\n", - "print(model.net.conv0)\n", - "print(model.net.conv1)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Besides, different types of MutableChannelUnit may have different types of choices. Please read documents for more details." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## How to get MutableChannelUnits." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "There are three ways to get MutableChannelUnits.\n", - "1. Using a tracer.\n", - " This way, firstly, converts a model to a graph, then converts the graph to MutableChannelUnits. It automatically returns all available MutableChannelUnits.\n", - "2. Using a config.\n", - " This way uses a config to initialize a MutableChannelUnit.\n", - "3. Using a predefined model.\n", - " This way parses a predefined model with dynamic ops. It returns all available MutableChannelUnits.\n", - "\n", - "All these three ways have corresponding documents in the README of ChannelMutator." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# 1. using tracer\n", - "def get_mutable_channel_units_using_tracer(model):\n", - " units = SequentialMutableChannelUnit.init_from_channel_analyzer(model)\n", - " return units\n", - "\n", - "\n", - "model = MyModel()\n", - "units = get_mutable_channel_units_using_tracer(model)\n", - "print(f'The model has {len(units)} MutableChannelUnits.')" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# 2. using config\n", - "config = {\n", - " 'init_args': {\n", - " 'num_channels': 8,\n", - " },\n", - " 'channels': {\n", - " 'input_related': [{\n", - " 'name': 'net.conv1',\n", - " }],\n", - " 'output_related': [{\n", - " 'name': 'net.conv0',\n", - " }]\n", - " },\n", - " 'choice': 8\n", - "}\n", - "unit=SequentialMutableChannelUnit.init_from_cfg(model, config)\n", - "print(unit)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# 3. using predefined model\n", - "\n", - "from mmrazor.models.architectures.dynamic_ops import DynamicConv2d, DynamicLinear\n", - "from mmrazor.models.mutables import MutableChannelUnit, MutableChannelContainer,SquentialMutableChannel\n", - "from collections import OrderedDict\n", - "\n", - "class MyDynamicModel(BaseModel):\n", - "\n", - " def __init__(self):\n", - " super().__init__(None, None)\n", - " self.net = nn.Sequential(\n", - " OrderedDict([('conv0', DynamicConv2d(3, 8, 3, 1, 1)),\n", - " ('relu', nn.ReLU()),\n", - " ('conv1', DynamicConv2d(8, 16, 3, 1, 1))]))\n", - " self.pool = nn.AdaptiveAvgPool2d(1)\n", - " self.head = DynamicLinear(16, 1000)\n", - "\n", - " # register MutableChannelContainer\n", - " MutableChannelUnit._register_channel_container(\n", - " self, MutableChannelContainer)\n", - " self._register_mutables()\n", - "\n", - " def forward(self, x):\n", - " feature = self.net(x)\n", - " pool = self.pool(feature).flatten(1)\n", - " return self.head(pool)\n", - "\n", - " def _register_mutables(self):\n", - " mutable1 = SquentialMutableChannel(8)\n", - " mutable2 = SquentialMutableChannel(16)\n", - " MutableChannelContainer.register_mutable_channel_to_module(\n", - " self.net.conv0, mutable1, is_to_output_channel=True)\n", - " MutableChannelContainer.register_mutable_channel_to_module(\n", - " self.net.conv1, mutable1, is_to_output_channel=False)\n", - "\n", - " MutableChannelContainer.register_mutable_channel_to_module(\n", - " self.net.conv1, mutable2, is_to_output_channel=True)\n", - " MutableChannelContainer.register_mutable_channel_to_module(\n", - " self.head, mutable2, is_to_output_channel=False)\n", - "model=MyDynamicModel()\n", - "units=SequentialMutableChannelUnit.init_from_predefined_model(model) \n", - "print(f'The model has {len(units)} MutableChannelUnits.')" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3.9.13 ('lab2max')", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.9.13" - }, - "orig_nbformat": 4, - "vscode": { - "interpreter": { - "hash": "e31a827d0913016ad78e01c7b97f787f4b9e53102dd62d238e8548bcd97ff875" - } - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/channel_mutator.ipynb b/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/channel_mutator.ipynb deleted file mode 100644 index 58b56c783bad4f4625f3d7a97253d5f4495602b4..0000000000000000000000000000000000000000 --- a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/channel_mutator.ipynb +++ /dev/null @@ -1,375 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# ChannelMutator\n", - "A channel mutator is a manager of the channel structure of a model. In other words, it manages all MutableChannelUnits of a model. \n", - "ChannelMutator is the simplest channel mutator. All other channel mutators should inherit from ChannelMutator class. We take ChannelMutator as an example." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## How to Construct a ChannelMutator" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Suppose we have a model archtecture defineed below" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/liukai/miniconda3/envs/lab2max/lib/python3.9/site-packages/tqdm/auto.py:22: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", - " from .autonotebook import tqdm as notebook_tqdm\n" - ] - } - ], - "source": [ - "# define a model\n", - "from mmengine.model import BaseModel\n", - "from torch import nn\n", - "import torch\n", - "from collections import OrderedDict\n", - "\n", - "class MyModel(nn.Module):\n", - "\n", - " def __init__(self):\n", - " super().__init__()\n", - " self.net = nn.Sequential(\n", - " OrderedDict([('conv0', nn.Conv2d(3, 8, 3, 1, 1)),\n", - " ('relu', nn.ReLU()),\n", - " ('conv1', nn.Conv2d(8, 16, 3, 1, 1))]))\n", - " self.pool = nn.AdaptiveAvgPool2d(1)\n", - " self.head = nn.Linear(16, 1000)\n", - "\n", - " def forward(self, x):\n", - " feature = self.net(x)\n", - " pool = self.pool(feature).flatten(1)\n", - " return self.head(pool)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "There are two steps to fully constructing a ChannelMutator object as below. \n", - "1. we need to initialize a ChannelMutator object.\n", - "2. Then we need to init the ChannelMutator object with a model." - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "11/14 14:24:13 - mmengine - \u001b[5m\u001b[4m\u001b[33mWARNING\u001b[0m - add a input before net.conv0(net.conv0), error: net.conv0(net.conv0)\n", - "11/14 14:24:13 - mmengine - \u001b[5m\u001b[4m\u001b[33mWARNING\u001b[0m - add a output after head(head), error: head(head)\n", - "The mutator has 2 mutable channel units.\n" - ] - } - ], - "source": [ - "from mmrazor.models.mutators import ChannelMutator\n", - "\n", - "model = MyModel()\n", - "# initialize a ChannelMutator object\n", - "mutator = ChannelMutator(\n", - " channel_unit_cfg=dict(\n", - " type='SequentialMutableChannelUnit',\n", - " default_args=dict(choice_mode='ratio'),\n", - " units={},\n", - " ),\n", - " parse_cfg=dict(\n", - " type='ChannelAnalyzer'))\n", - "# init the ChannelMutator object with a model\n", - "mutator.prepare_from_supernet(model)\n", - "print(f'The mutator has {len(mutator.mutable_units)} mutable channel units.')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "ChannelMutator has two arguments:\n", - "1. channel_unit_cfg: config of the MutableChannelUnit to use in the ChannelMutator.\n", - "2. parse_cfg: the way to parse the model and get MutableChannelUnits." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "There are there ways to parse model and get MutableChannelUnits.\n", - "1. Use a tracer to get MutableChannelUnits automatically.\n", - "2. Use config dicts to indicate MutableChannelUnits.\n", - "3. Predefine MutableChannels in the model archtecture.\n", - " \n", - "The example of method 1 has been post above. We post the examples of method 2 and method 3 below." - ] - }, - { - "cell_type": "code", - "execution_count": 26, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "The mutator has 2 mutable channel units.\n" - ] - } - ], - "source": [ - "# 2. use config dicts to indicate MutableChannelUnits.\n", - "from mmrazor.models.mutators import ChannelMutator\n", - "\n", - "model = MyModel()\n", - "# initialize a ChannelMutator object\n", - "mutator = ChannelMutator(\n", - " channel_unit_cfg=dict(\n", - " type='SequentialMutableChannelUnit',\n", - " default_args=dict(choice_mode='ratio'),\n", - " units={\n", - " 'net.conv0_(0, 8)_8': {\n", - " 'init_args': {\n", - " 'num_channels': 8,\n", - " },\n", - " 'channels': {\n", - " 'input_related': [{\n", - " 'name': 'net.conv1',\n", - " }],\n", - " 'output_related': [{\n", - " 'name': 'net.conv0',\n", - " }]\n", - " },\n", - " 'choice': 1.0\n", - " },\n", - " 'net.conv1_(0, 16)_16': {\n", - " 'init_args': {\n", - " 'num_channels': 16,\n", - " },\n", - " 'channels': {\n", - " 'input_related': [{\n", - " 'name': 'head',\n", - " }],\n", - " 'output_related': [{\n", - " 'name': 'net.conv1',\n", - " }]\n", - " },\n", - " 'choice': 1.0\n", - " }\n", - " }),\n", - " parse_cfg=dict(type='Config'))\n", - "# init the ChannelMutator object with a model\n", - "mutator.prepare_from_supernet(model)\n", - "print(f'The mutator has {len(mutator.mutable_units)} mutable channel units.')" - ] - }, - { - "cell_type": "code", - "execution_count": 27, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "The mutator has 2 mutable channel units.\n" - ] - } - ], - "source": [ - "# 3. Predefine MutableChannels in the model archtecture.\n", - "\n", - "from mmrazor.models.architectures.dynamic_ops import DynamicConv2d, DynamicLinear\n", - "from mmrazor.models.mutables import MutableChannelUnit, MutableChannelContainer, SquentialMutableChannel\n", - "from collections import OrderedDict\n", - "\n", - "class MyDynamicModel(BaseModel):\n", - "\n", - " def __init__(self):\n", - " super().__init__(None, None)\n", - " self.net = nn.Sequential(\n", - " OrderedDict([('conv0', DynamicConv2d(3, 8, 3, 1, 1)),\n", - " ('relu', nn.ReLU()),\n", - " ('conv1', DynamicConv2d(8, 16, 3, 1, 1))]))\n", - " self.pool = nn.AdaptiveAvgPool2d(1)\n", - " self.head = DynamicLinear(16, 1000)\n", - "\n", - " # register MutableChannelContainer\n", - " MutableChannelUnit._register_channel_container(\n", - " self, MutableChannelContainer)\n", - " self._register_mutables()\n", - "\n", - " def forward(self, x):\n", - " feature = self.net(x)\n", - " pool = self.pool(feature).flatten(1)\n", - " return self.head(pool)\n", - "\n", - " def _register_mutables(self):\n", - " mutable1 = SquentialMutableChannel(8)\n", - " mutable2 = SquentialMutableChannel(16)\n", - " MutableChannelContainer.register_mutable_channel_to_module(\n", - " self.net.conv0, mutable1, is_to_output_channel=True)\n", - " MutableChannelContainer.register_mutable_channel_to_module(\n", - " self.net.conv1, mutable1, is_to_output_channel=False)\n", - "\n", - " MutableChannelContainer.register_mutable_channel_to_module(\n", - " self.net.conv1, mutable2, is_to_output_channel=True)\n", - " MutableChannelContainer.register_mutable_channel_to_module(\n", - " self.head, mutable2, is_to_output_channel=False)\n", - "\n", - "\n", - "model = MyDynamicModel()\n", - "# initialize a ChannelMutator object\n", - "mutator = ChannelMutator(\n", - " channel_unit_cfg=dict(\n", - " type='SequentialMutableChannelUnit',\n", - " default_args=dict(choice_mode='ratio'),\n", - " units={},\n", - " ),\n", - " parse_cfg=dict(type='Predefined'))\n", - "# init the ChannelMutator object with a model\n", - "mutator.prepare_from_supernet(model)\n", - "print(f'The mutator has {len(mutator.mutable_units)} mutable channel units.')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## How to Change the Structure of a Model" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The structure of a model is represented by a dict where the key is the name of a MutableChannelUnit and the value is a structure choice." - ] - }, - { - "cell_type": "code", - "execution_count": 28, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{0: 8, 1: 16}\n" - ] - } - ], - "source": [ - "print(mutator.current_choices)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We can change the dict to prune the model." - ] - }, - { - "cell_type": "code", - "execution_count": 29, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "MyDynamicModel(\n", - " (data_preprocessor): BaseDataPreprocessor()\n", - " (net): Sequential(\n", - " (conv0): DynamicConv2d(\n", - " 3, 8, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)\n", - " (mutable_attrs): ModuleDict(\n", - " (in_channels): MutableChannelContainer(num_channels=3, activated_channels=3)\n", - " (out_channels): MutableChannelContainer(num_channels=8, activated_channels=4)\n", - " )\n", - " )\n", - " (relu): ReLU()\n", - " (conv1): DynamicConv2d(\n", - " 8, 16, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1)\n", - " (mutable_attrs): ModuleDict(\n", - " (in_channels): MutableChannelContainer(num_channels=8, activated_channels=4)\n", - " (out_channels): MutableChannelContainer(num_channels=16, activated_channels=8)\n", - " )\n", - " )\n", - " )\n", - " (pool): AdaptiveAvgPool2d(output_size=1)\n", - " (head): DynamicLinear(\n", - " in_features=16, out_features=1000, bias=True\n", - " (mutable_attrs): ModuleDict(\n", - " (in_features): MutableChannelContainer(num_channels=16, activated_channels=8)\n", - " (out_features): MutableChannelContainer(num_channels=1000, activated_channels=1000)\n", - " )\n", - " )\n", - ")\n" - ] - } - ], - "source": [ - "mutator.set_choices(\n", - " {0: 4, 1: 8}\n", - ")\n", - "print(model)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Please refer to our documents for more choices related methods." - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3.9.13 ('lab2max')", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.9.13" - }, - "orig_nbformat": 4, - "vscode": { - "interpreter": { - "hash": "e31a827d0913016ad78e01c7b97f787f4b9e53102dd62d238e8548bcd97ff875" - } - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/cv/distiller/CWD/pytorch/README.md b/cv/distiller/cwd/pytorch/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/README.md rename to cv/distiller/cwd/pytorch/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/.pre-commit-config.yaml b/cv/distiller/cwd/pytorch/mmrazor/.pre-commit-config.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/.pre-commit-config.yaml rename to cv/distiller/cwd/pytorch/mmrazor/.pre-commit-config.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/.readthedocs.yml b/cv/distiller/cwd/pytorch/mmrazor/.readthedocs.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/.readthedocs.yml rename to cv/distiller/cwd/pytorch/mmrazor/.readthedocs.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/LICENSE b/cv/distiller/cwd/pytorch/mmrazor/LICENSE similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/LICENSE rename to cv/distiller/cwd/pytorch/mmrazor/LICENSE diff --git a/cv/distiller/CWD/pytorch/mmrazor/MANIFEST.in b/cv/distiller/cwd/pytorch/mmrazor/MANIFEST.in similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/MANIFEST.in rename to cv/distiller/cwd/pytorch/mmrazor/MANIFEST.in diff --git a/cv/distiller/CWD/pytorch/mmrazor/README.md b/cv/distiller/cwd/pytorch/mmrazor/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/README.md rename to cv/distiller/cwd/pytorch/mmrazor/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/README_zh-CN.md b/cv/distiller/cwd/pytorch/mmrazor/README_zh-CN.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/README_zh-CN.md rename to cv/distiller/cwd/pytorch/mmrazor/README_zh-CN.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/datasets/mmcls/cifar100_bs16_auto_aug.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/datasets/mmcls/cifar100_bs16_auto_aug.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/datasets/mmcls/cifar100_bs16_auto_aug.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/datasets/mmcls/cifar100_bs16_auto_aug.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/datasets/mmcls/pipelines/auto_aug_cifar.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/datasets/mmcls/pipelines/auto_aug_cifar.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/datasets/mmcls/pipelines/auto_aug_cifar.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/datasets/mmcls/pipelines/auto_aug_cifar.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/attentive_mobilenetv3_supernet.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/attentive_mobilenetv3_supernet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/attentive_mobilenetv3_supernet.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/attentive_mobilenetv3_supernet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/darts_supernet.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/darts_supernet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/darts_supernet.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/darts_supernet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/dsnas_shufflenet_supernet.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/dsnas_shufflenet_supernet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/dsnas_shufflenet_supernet.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/dsnas_shufflenet_supernet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/ofa_mobilenetv3_supernet.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/ofa_mobilenetv3_supernet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/ofa_mobilenetv3_supernet.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/ofa_mobilenetv3_supernet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/spos_mobilenet_supernet.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/spos_mobilenet_supernet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/spos_mobilenet_supernet.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/spos_mobilenet_supernet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/spos_shufflenet_supernet.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/spos_shufflenet_supernet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/nas_backbones/spos_shufflenet_supernet.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/nas_backbones/spos_shufflenet_supernet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/cifar10_darts_subnet.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/cifar10_darts_subnet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/cifar10_darts_subnet.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/cifar10_darts_subnet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/cifar10_darts_supernet.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/cifar10_darts_supernet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/cifar10_darts_supernet.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/cifar10_darts_supernet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs1024_dsnas.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs1024_dsnas.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs1024_dsnas.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs1024_dsnas.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs1024_spos.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs1024_spos.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs1024_spos.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs1024_spos.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_AdamW.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_AdamW.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_AdamW.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_AdamW.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_autoslim.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_autoslim.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_autoslim.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_autoslim.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_autoslim_pil.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_autoslim_pil.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_autoslim_pil.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_autoslim_pil.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_bignas.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_bignas.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_bignas.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_bignas.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_dmcp.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_dmcp.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_dmcp.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_dmcp.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_ofa.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_ofa.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_ofa.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/settings/imagenet_bs2048_ofa.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/_base_/vanilla_models/wrn16_2_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/_base_/vanilla_models/wrn16_2_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/_base_/vanilla_models/wrn16_2_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/_base_/vanilla_models/wrn16_2_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/abloss/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/abloss/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/abloss/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/abloss/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/abloss/abloss_logits_resnet50_resnet18_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/abloss/abloss_logits_resnet50_resnet18_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/abloss/abloss_logits_resnet50_resnet18_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/abloss/abloss_logits_resnet50_resnet18_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/abloss/abloss_pretrain_backbone_resnet50_resnet18_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/abloss/abloss_pretrain_backbone_resnet50_resnet18_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/abloss/abloss_pretrain_backbone_resnet50_resnet18_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/abloss/abloss_pretrain_backbone_resnet50_resnet18_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/abloss/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/abloss/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/abloss/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/abloss/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/byot/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/byot/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/byot/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/byot/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/byot/byot_resnet18_8xb16_cifar100.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/byot/byot_resnet18_8xb16_cifar100.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/byot/byot_resnet18_8xb16_cifar100.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/byot/byot_resnet18_8xb16_cifar100.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/byot/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/byot/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/byot/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/byot/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/crd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/crd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/crd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/crd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/crd/crd_neck_r50_r18_8xb16_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/crd/crd_neck_r50_r18_8xb16_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/crd/crd_neck_r50_r18_8xb16_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/crd/crd_neck_r50_r18_8xb16_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/crd/datasets/crd_cifar10_bs16.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/crd/datasets/crd_cifar10_bs16.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/crd/datasets/crd_cifar10_bs16.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/crd/datasets/crd_cifar10_bs16.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dafl/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dafl/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dafl/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dafl/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dafl/dafl_logits_resnet34_resnet18_8xb256_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dafl/dafl_logits_resnet34_resnet18_8xb256_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dafl/dafl_logits_resnet34_resnet18_8xb256_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dafl/dafl_logits_resnet34_resnet18_8xb256_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dafl/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dafl/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dafl/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dafl/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/deit/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/deit/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/deit/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/deit/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/deit/deit-base_regnety160_pt-16xb64_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/deit/deit-base_regnety160_pt-16xb64_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/deit/deit-base_regnety160_pt-16xb64_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/deit/deit-base_regnety160_pt-16xb64_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/deit/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/deit/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/deit/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/deit/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dfad/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dfad/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dfad/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dfad/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dfad/dfad_logits_resnet34_resnet18_8xb32_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dfad/dfad_logits_resnet34_resnet18_8xb32_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dfad/dfad_logits_resnet34_resnet18_8xb32_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dfad/dfad_logits_resnet34_resnet18_8xb32_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dfad/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dfad/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dfad/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dfad/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dkd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dkd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dkd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dkd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dkd/dkd_resnet34_resnet18_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dkd/dkd_resnet34_resnet18_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dkd/dkd_resnet34_resnet18_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dkd/dkd_resnet34_resnet18_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dkd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dkd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/dkd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/dkd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/factor-transfer_backbone_resnet50_resnet18_8xb16_cifar10_pretrain.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/factor-transfer_backbone_resnet50_resnet18_8xb16_cifar10_pretrain.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/factor-transfer_backbone_resnet50_resnet18_8xb16_cifar10_pretrain.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/factor-transfer_backbone_resnet50_resnet18_8xb16_cifar10_pretrain.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/factor-transfer_backbone_resnet50_resnet18_8xb16_cifar10_train.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/factor-transfer_backbone_resnet50_resnet18_8xb16_cifar10_train.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/factor-transfer_backbone_resnet50_resnet18_8xb16_cifar10_train.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/factor-transfer_backbone_resnet50_resnet18_8xb16_cifar10_train.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/factor_transfer/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/fitnets/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/fitnets/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/fitnets/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/fitnets/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/fitnets/fitnets_backbone_logits_resnet50_resnet18_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/fitnets/fitnets_backbone_logits_resnet50_resnet18_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/fitnets/fitnets_backbone_logits_resnet50_resnet18_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/fitnets/fitnets_backbone_logits_resnet50_resnet18_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/fitnets/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/fitnets/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/fitnets/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/fitnets/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet34_resnet18_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet34_resnet18_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet34_resnet18_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet34_resnet18_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet50_mobilenet-v2_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet50_mobilenet-v2_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet50_mobilenet-v2_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet50_mobilenet-v2_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet50_shufflenet-v2-1x_16xb64_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet50_shufflenet-v2-1x_16xb64_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet50_shufflenet-v2-1x_16xb64_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/kd_logits_resnet50_shufflenet-v2-1x_16xb64_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/kd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/kd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/ofd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/ofd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/ofd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/ofd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/ofd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/ofd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/ofd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/ofd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/ofd/ofd_backbone_resnet50_resnet18_8xb16_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/ofd/ofd_backbone_resnet50_resnet18_8xb16_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/ofd/ofd_backbone_resnet50_resnet18_8xb16_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/ofd/ofd_backbone_resnet50_resnet18_8xb16_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/rkd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/rkd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/rkd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/rkd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/rkd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/rkd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/rkd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/rkd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/rkd/rkd_neck_resnet34_resnet18_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/rkd/rkd_neck_resnet34_resnet18_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/rkd/rkd_neck_resnet34_resnet18_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/rkd/rkd_neck_resnet34_resnet18_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/wsld/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/wsld/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/wsld/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/wsld/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/wsld/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/wsld/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/wsld/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/wsld/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/wsld/wsld_logits_resnet34_resnet18_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/wsld/wsld_logits_resnet34_resnet18_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/wsld/wsld_logits_resnet34_resnet18_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/wsld/wsld_logits_resnet34_resnet18_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/zskt/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/zskt/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/zskt/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/zskt/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/zskt/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/zskt/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/zskt/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/zskt/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/zskt/zskt_backbone_logits_resnet34_resnet18_8xb16_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/zskt/zskt_backbone_logits_resnet34_resnet18_8xb16_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmcls/zskt/zskt_backbone_logits_resnet34_resnet18_8xb16_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmcls/zskt/zskt_backbone_logits_resnet34_resnet18_8xb16_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_cls_head_gfl_r101_fpn_gfl_r50_fpn_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_cls_head_gfl_r101_fpn_gfl_r50_fpn_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_cls_head_gfl_r101_fpn_gfl_r50_fpn_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_cls_head_gfl_r101_fpn_gfl_r50_fpn_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_frcnn_r101_frcnn_r50_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_frcnn_r101_frcnn_r50_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_frcnn_r101_frcnn_r50_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_frcnn_r101_frcnn_r50_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_retina_r101_retina_r50_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_retina_r101_retina_r50_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_retina_r101_retina_r50_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_retina_r101_retina_r50_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_retina_r101_retina_r50_1x_coco_visualization.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_retina_r101_retina_r50_1x_coco_visualization.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_retina_r101_retina_r50_1x_coco_visualization.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/cwd_fpn_retina_r101_retina_r50_1x_coco_visualization.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/cwd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/cwd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/fbkd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/fbkd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/fbkd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/fbkd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/fbkd/fbkd_fpn_faster-rcnn_r101_faster-rcnn_r50_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/fbkd/fbkd_fpn_faster-rcnn_r101_faster-rcnn_r50_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/fbkd/fbkd_fpn_faster-rcnn_r101_faster-rcnn_r50_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/fbkd/fbkd_fpn_faster-rcnn_r101_faster-rcnn_r50_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/fbkd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/fbkd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/fbkd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/fbkd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/mgd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/mgd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/mgd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/mgd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/mgd/mgd_fpn_retina_x101_retina_r50_2x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/mgd/mgd_fpn_retina_x101_retina_r50_2x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/mgd/mgd_fpn_retina_x101_retina_r50_2x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/mgd/mgd_fpn_retina_x101_retina_r50_2x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_faster-rcnn_r101_faster-rcnn_r50_2x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_faster-rcnn_r101_faster-rcnn_r50_2x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_faster-rcnn_r101_faster-rcnn_r50_2x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_faster-rcnn_r101_faster-rcnn_r50_2x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_fcos_x101_retina_r50_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_fcos_x101_retina_r50_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_fcos_x101_retina_r50_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_fcos_x101_retina_r50_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_mask-rcnn_swin_retina_r50_2x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_mask-rcnn_swin_retina_r50_2x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_mask-rcnn_swin_retina_r50_2x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_mask-rcnn_swin_retina_r50_2x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_reppoints_x101-dcn_reppoints_r50_2x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_reppoints_x101-dcn_reppoints_r50_2x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_reppoints_x101-dcn_reppoints_r50_2x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_reppoints_x101-dcn_reppoints_r50_2x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_retina_x101_retina_r50_2x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_retina_x101_retina_r50_2x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_retina_x101_retina_r50_2x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet/pkd/pkd_fpn_retina_x101_retina_r50_2x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet3d/pkd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet3d/pkd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet3d/pkd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet3d/pkd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet3d/pkd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet3d/pkd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet3d/pkd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet3d/pkd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet3d/pkd/pkd_fpn_fcos3d_r101_fcos3d_r50_8xb2-1x_nus-mono3d.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet3d/pkd/pkd_fpn_fcos3d_r101_fcos3d_r50_8xb2-1x_nus-mono3d.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmdet3d/pkd/pkd_fpn_fcos3d_r101_fcos3d_r50_8xb2-1x_nus-mono3d.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmdet3d/pkd/pkd_fpn_fcos3d_r101_fcos3d_r50_8xb2-1x_nus-mono3d.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmseg/cwd/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmseg/cwd/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmseg/cwd/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmseg/cwd/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmseg/cwd/cwd_logits_pspnet_r101-d8_pspnet_r18-d8_4xb2-80k_cityscapes-512x1024.py b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmseg/cwd/cwd_logits_pspnet_r101-d8_pspnet_r18-d8_4xb2-80k_cityscapes-512x1024.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmseg/cwd/cwd_logits_pspnet_r101-d8_pspnet_r18-d8_4xb2-80k_cityscapes-512x1024.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmseg/cwd/cwd_logits_pspnet_r101-d8_pspnet_r18-d8_4xb2-80k_cityscapes-512x1024.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmseg/cwd/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmseg/cwd/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/distill/mmseg/cwd/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/distill/mmseg/cwd/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/AUTOFORMER_SUBNET_B.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/AUTOFORMER_SUBNET_B.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/AUTOFORMER_SUBNET_B.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/AUTOFORMER_SUBNET_B.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_search_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_search_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_search_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_search_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_subnet_8xb256_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_subnet_8xb256_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_subnet_8xb256_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_subnet_8xb256_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_supernet_32xb256_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_supernet_32xb256_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_supernet_32xb256_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoformer/autoformer_supernet_32xb256_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_search_8xb256_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_search_8xb256_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_search_8xb256_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_search_8xb256_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_slimmable_subnet_8xb256_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_slimmable_subnet_8xb256_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_slimmable_subnet_8xb256_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_slimmable_subnet_8xb256_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-220M.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-220M.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-220M.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-220M.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-320M.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-320M.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-320M.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-320M.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-530M.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-530M.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-530M.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_subnet_8xb256_in1k_flops-530M.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_supernet_8xb256_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_supernet_8xb256_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_supernet_8xb256_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/autoslim_mbv2_1.5x_supernet_8xb256_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/autoslim/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/autoslim/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A0.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A0.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A0.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A0.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A1.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A1.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A1.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A1.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A2.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A2.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A2.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A2.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A3.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A3.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A3.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A3.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A4.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A4.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A4.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A4.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A5.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A5.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A5.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A5.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A6.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A6.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A6.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/ATTENTIVE_SUBNET_A6.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_search_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_search_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_search_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_search_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_subnet_8xb256_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_subnet_8xb256_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_subnet_8xb256_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_subnet_8xb256_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_supernet_32xb64_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_supernet_32xb64_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_supernet_32xb64_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/bignas/attentive_mobilenet_supernet_32xb64_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/DARTS_SUBNET_CIFAR_MMRAZOR_97.32.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/DARTS_SUBNET_CIFAR_MMRAZOR_97.32.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/DARTS_SUBNET_CIFAR_MMRAZOR_97.32.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/DARTS_SUBNET_CIFAR_MMRAZOR_97.32.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/DARTS_SUBNET_CIFAR_PAPER_ALIAS.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/DARTS_SUBNET_CIFAR_PAPER_ALIAS.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/DARTS_SUBNET_CIFAR_PAPER_ALIAS.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/DARTS_SUBNET_CIFAR_PAPER_ALIAS.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/darts_subnet_1xb96_cifar10_2.0.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/darts_subnet_1xb96_cifar10_2.0.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/darts_subnet_1xb96_cifar10_2.0.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/darts_subnet_1xb96_cifar10_2.0.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/darts_subnet_1xb96_cifar10_2.0_mmrazor.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/darts_subnet_1xb96_cifar10_2.0_mmrazor.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/darts_subnet_1xb96_cifar10_2.0_mmrazor.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/darts_subnet_1xb96_cifar10_2.0_mmrazor.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/darts_supernet_unroll_1xb96_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/darts_supernet_unroll_1xb96_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/darts_supernet_unroll_1xb96_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/darts_supernet_unroll_1xb96_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/darts/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/darts/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/dsnas/DSNAS_SUBNET_IMAGENET_PAPER_ALIAS.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/dsnas/DSNAS_SUBNET_IMAGENET_PAPER_ALIAS.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/dsnas/DSNAS_SUBNET_IMAGENET_PAPER_ALIAS.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/dsnas/DSNAS_SUBNET_IMAGENET_PAPER_ALIAS.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/dsnas/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/dsnas/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/dsnas/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/dsnas/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/dsnas/dsnas_subnet_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/dsnas/dsnas_subnet_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/dsnas/dsnas_subnet_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/dsnas/dsnas_subnet_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/dsnas/dsnas_supernet_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/dsnas/dsnas_supernet_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/dsnas/dsnas_supernet_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/dsnas/dsnas_supernet_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/OFA_SUBNET_NOTE8_LAT22.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/OFA_SUBNET_NOTE8_LAT22.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/OFA_SUBNET_NOTE8_LAT22.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/OFA_SUBNET_NOTE8_LAT22.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/OFA_SUBNET_NOTE8_LAT31.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/OFA_SUBNET_NOTE8_LAT31.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/OFA_SUBNET_NOTE8_LAT31.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/OFA_SUBNET_NOTE8_LAT31.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_search_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_search_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_search_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_search_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_subnet_8xb256_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_subnet_8xb256_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_subnet_8xb256_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_subnet_8xb256_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_supernet_32xb64_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_supernet_32xb64_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_supernet_32xb64_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/onceforall/ofa_mobilenet_supernet_32xb64_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/SPOS_SUBNET.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/SPOS_SUBNET.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/SPOS_SUBNET.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/SPOS_SUBNET.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/faster-rcnn_nas_backbone_fpn_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/faster-rcnn_nas_backbone_fpn_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/faster-rcnn_nas_backbone_fpn_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/faster-rcnn_nas_backbone_fpn_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_search_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_search_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_search_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_search_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_subnet_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_subnet_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_subnet_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_subnet_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_supernet_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_supernet_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_supernet_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_mobilenet_supernet_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_search_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_search_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_search_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_search_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_search_predictor_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_search_predictor_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_search_predictor_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_search_predictor_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_subnet_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_subnet_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_subnet_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_subnet_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_supernet_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_supernet_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_supernet_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmcls/spos/spos_shufflenet_supernet_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/DETNAS_SUBNET.yaml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/DETNAS_SUBNET.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/DETNAS_SUBNET.yaml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/DETNAS_SUBNET.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_search_coco_1x.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_search_coco_1x.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_search_coco_1x.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_search_coco_1x.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_subnet_coco_1x.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_subnet_coco_1x.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_subnet_coco_1x.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_subnet_coco_1x.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_supernet_coco_1x.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_supernet_coco_1x.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_supernet_coco_1x.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_frcnn_shufflenet_supernet_coco_1x.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_retina_shufflenet_supernet_coco_1x.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_retina_shufflenet_supernet_coco_1x.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_retina_shufflenet_supernet_coco_1x.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_retina_shufflenet_supernet_coco_1x.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_shufflenet_subnet_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_shufflenet_subnet_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_shufflenet_subnet_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_shufflenet_subnet_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_shufflenet_supernet_8xb128_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_shufflenet_supernet_8xb128_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_shufflenet_supernet_8xb128_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/detnas_shufflenet_supernet_8xb128_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/nas/mmdet/detnas/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/nas/mmdet/detnas/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/base/group_fisher/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/base/group_fisher/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/base/group_fisher/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/base/group_fisher/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_deploy_template.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_deploy_template.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_deploy_template.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_deploy_template.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_finetune_template.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_finetune_template.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_finetune_template.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_finetune_template.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_prune_template.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_prune_template.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_prune_template.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/base/group_fisher/group_fisher_prune_template.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dcff/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dcff/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dcff/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dcff/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dcff/dcff_compact_resnet_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dcff/dcff_compact_resnet_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dcff/dcff_compact_resnet_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dcff/dcff_compact_resnet_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dcff/dcff_resnet_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dcff/dcff_resnet_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dcff/dcff_resnet_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dcff/dcff_resnet_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dcff/fix_subnet.json b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dcff/fix_subnet.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dcff/fix_subnet.json rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dcff/fix_subnet.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/DMCP_MBV2_100M.json b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/DMCP_MBV2_100M.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/DMCP_MBV2_100M.json rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/DMCP_MBV2_100M.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/DMCP_R50_2G.json b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/DMCP_R50_2G.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/DMCP_R50_2G.json rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/DMCP_R50_2G.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_mbv2_subnet_32xb64.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_mbv2_subnet_32xb64.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_mbv2_subnet_32xb64.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_mbv2_subnet_32xb64.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_mbv2_supernet_32xb64.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_mbv2_supernet_32xb64.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_mbv2_supernet_32xb64.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_mbv2_supernet_32xb64.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_resnet50_subnet_32xb64.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_resnet50_subnet_32xb64.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_resnet50_subnet_32xb64.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_resnet50_subnet_32xb64.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_resnet50_supernet_32xb64.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_resnet50_supernet_32xb64.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_resnet50_supernet_32xb64.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/dmcp_resnet50_supernet_32xb64.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/dmcp/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/dmcp/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_deploy_mobilenet-v2_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_deploy_mobilenet-v2_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_deploy_mobilenet-v2_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_deploy_mobilenet-v2_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_finetune_mobilenet-v2_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_finetune_mobilenet-v2_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_finetune_mobilenet-v2_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_finetune_mobilenet-v2_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_prune_mobilenet-v2_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_prune_mobilenet-v2_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_prune_mobilenet-v2_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_act_prune_mobilenet-v2_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_deploy_mobilenet-v2_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_deploy_mobilenet-v2_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_deploy_mobilenet-v2_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_deploy_mobilenet-v2_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_finetune_mobilenet-v2_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_finetune_mobilenet-v2_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_finetune_mobilenet-v2_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_finetune_mobilenet-v2_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_prune_mobilenet-v2_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_prune_mobilenet-v2_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_prune_mobilenet-v2_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/group_fisher_flops_prune_mobilenet-v2_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/script.sh b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/script.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/script.sh rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/mobilenet/script.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_deploy_resnet50_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_deploy_resnet50_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_deploy_resnet50_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_deploy_resnet50_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_finetune_resnet50_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_finetune_resnet50_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_finetune_resnet50_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_finetune_resnet50_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_finetune_resnet50_8xb32_in1k_dist.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_finetune_resnet50_8xb32_in1k_dist.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_finetune_resnet50_8xb32_in1k_dist.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_finetune_resnet50_8xb32_in1k_dist.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_prune_resnet50_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_prune_resnet50_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_prune_resnet50_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_act_prune_resnet50_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_deploy_resnet50_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_deploy_resnet50_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_deploy_resnet50_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_deploy_resnet50_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_finetune_resnet50_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_finetune_resnet50_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_finetune_resnet50_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_finetune_resnet50_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_prune_resnet50_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_prune_resnet50_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_prune_resnet50_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/group_fisher_flops_prune_resnet50_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/script.sh b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/script.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/script.sh rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/group_fisher/resnet50/script.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_a.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_a.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_a.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_a.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_a_deploy.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_a_deploy.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_a_deploy.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_a_deploy.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_b.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_b.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_b.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_b.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_b_deploy.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_b_deploy.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_b_deploy.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_b_deploy.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_c.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_c.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_c.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_c.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_c_deploy.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_c_deploy.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_c_deploy.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/l1-norm_resnet34_8xb32_in1k_c_deploy.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/script.sh b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/script.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/script.sh rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmcls/l1-norm/script.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_compact_faster_rcnn_resnet50_8xb4_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_compact_faster_rcnn_resnet50_8xb4_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_compact_faster_rcnn_resnet50_8xb4_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_compact_faster_rcnn_resnet50_8xb4_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_faster_rcnn_resnet50_8xb4_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_faster_rcnn_resnet50_8xb4_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_faster_rcnn_resnet50_8xb4_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_faster_rcnn_resnet50_8xb4_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_faster_rcnn_resnet50_fpn.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_faster_rcnn_resnet50_fpn.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_faster_rcnn_resnet50_fpn.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/dcff_faster_rcnn_resnet50_fpn.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/fix_subnet.json b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/fix_subnet.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/dcff/fix_subnet.json rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/dcff/fix_subnet.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_deploy_retinanet_r50_fpn_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_deploy_retinanet_r50_fpn_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_deploy_retinanet_r50_fpn_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_deploy_retinanet_r50_fpn_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_finetune_retinanet_r50_fpn_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_finetune_retinanet_r50_fpn_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_finetune_retinanet_r50_fpn_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_finetune_retinanet_r50_fpn_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_prune_retinanet_r50_fpn_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_prune_retinanet_r50_fpn_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_prune_retinanet_r50_fpn_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_act_prune_retinanet_r50_fpn_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_deploy_retinanet_r50_fpn_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_deploy_retinanet_r50_fpn_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_deploy_retinanet_r50_fpn_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_deploy_retinanet_r50_fpn_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_finetune_retinanet_r50_fpn_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_finetune_retinanet_r50_fpn_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_finetune_retinanet_r50_fpn_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_finetune_retinanet_r50_fpn_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_prune_retinanet_r50_fpn_1x_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_prune_retinanet_r50_fpn_1x_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_prune_retinanet_r50_fpn_1x_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/group_fisher_flops_prune_retinanet_r50_fpn_1x_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/script.sh b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/script.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/script.sh rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmdet/group_fisher/retinanet/script.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/dcff/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/dcff/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/dcff/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/dcff/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/dcff/dcff_compact_topdown_heatmap_resnet50_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/dcff/dcff_compact_topdown_heatmap_resnet50_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/dcff/dcff_compact_topdown_heatmap_resnet50_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/dcff/dcff_compact_topdown_heatmap_resnet50_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/dcff/dcff_topdown_heatmap_resnet50_coco.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/dcff/dcff_topdown_heatmap_resnet50_coco.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/dcff/dcff_topdown_heatmap_resnet50_coco.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/dcff/dcff_topdown_heatmap_resnet50_coco.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/dcff/fix_subnet.json b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/dcff/fix_subnet.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/dcff/fix_subnet.json rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/dcff/fix_subnet.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_deploy_rtmpose-s_8xb256-420e_aic-coco-256x192.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_deploy_rtmpose-s_8xb256-420e_aic-coco-256x192.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_deploy_rtmpose-s_8xb256-420e_aic-coco-256x192.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_deploy_rtmpose-s_8xb256-420e_aic-coco-256x192.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_deploy_rtmpose-s_8xb256-420e_coco-256x192.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_deploy_rtmpose-s_8xb256-420e_coco-256x192.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_deploy_rtmpose-s_8xb256-420e_coco-256x192.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_deploy_rtmpose-s_8xb256-420e_coco-256x192.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_finetune_rtmpose-s_8xb256-420e_aic-coco-256x192.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_finetune_rtmpose-s_8xb256-420e_aic-coco-256x192.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_finetune_rtmpose-s_8xb256-420e_aic-coco-256x192.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_finetune_rtmpose-s_8xb256-420e_aic-coco-256x192.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_finetune_rtmpose-s_8xb256-420e_coco-256x192.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_finetune_rtmpose-s_8xb256-420e_coco-256x192.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_finetune_rtmpose-s_8xb256-420e_coco-256x192.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_finetune_rtmpose-s_8xb256-420e_coco-256x192.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_prune_rtmpose-s_8xb256-420e_aic-coco-256x192.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_prune_rtmpose-s_8xb256-420e_aic-coco-256x192.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_prune_rtmpose-s_8xb256-420e_aic-coco-256x192.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_prune_rtmpose-s_8xb256-420e_aic-coco-256x192.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_prune_rtmpose-s_8xb256-420e_coco-256x192.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_prune_rtmpose-s_8xb256-420e_coco-256x192.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_prune_rtmpose-s_8xb256-420e_coco-256x192.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/group_fisher_prune_rtmpose-s_8xb256-420e_coco-256x192.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/script.sh b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/script.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/script.sh rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmpose/group_fisher/script.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/dcff_compact_pointrend_resnet50_8xb2_cityscapes.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/dcff_compact_pointrend_resnet50_8xb2_cityscapes.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/dcff_compact_pointrend_resnet50_8xb2_cityscapes.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/dcff_compact_pointrend_resnet50_8xb2_cityscapes.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/dcff_pointrend_resnet50_8xb2_cityscapes.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/dcff_pointrend_resnet50_8xb2_cityscapes.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/dcff_pointrend_resnet50_8xb2_cityscapes.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/dcff_pointrend_resnet50_8xb2_cityscapes.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/fix_subnet.json b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/fix_subnet.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/fix_subnet.json rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/fix_subnet.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/pointrend_resnet50.py b/cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/pointrend_resnet50.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/pruning/mmseg/dcff/pointrend_resnet50.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/pruning/mmseg/dcff/pointrend_resnet50.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmcls/classification_openvino_dynamic-224x224.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmcls/classification_openvino_dynamic-224x224.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmcls/classification_openvino_dynamic-224x224.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmcls/classification_openvino_dynamic-224x224.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmcls/classification_tensorrt-int8-explicit_dynamic-224x224.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmcls/classification_tensorrt-int8-explicit_dynamic-224x224.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmcls/classification_tensorrt-int8-explicit_dynamic-224x224.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmcls/classification_tensorrt-int8-explicit_dynamic-224x224.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmdet/detection_openvino_dynamic-800x1344.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmdet/detection_openvino_dynamic-800x1344.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmdet/detection_openvino_dynamic-800x1344.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmdet/detection_openvino_dynamic-800x1344.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmdet/detection_tensorrt-int8-explicit_dynamic-320x320-1344x1344.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmdet/detection_tensorrt-int8-explicit_dynamic-320x320-1344x1344.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmdet/detection_tensorrt-int8-explicit_dynamic-320x320-1344x1344.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/deploy_cfgs/mmdet/detection_tensorrt-int8-explicit_dynamic-320x320-1344x1344.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_mbv2_8xb32_in1k_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_mbv2_8xb32_in1k_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_mbv2_8xb32_in1k_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_mbv2_8xb32_in1k_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_resnet18_8xb32_in1k_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_resnet18_8xb32_in1k_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_resnet18_8xb32_in1k_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_resnet18_8xb32_in1k_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_resnet50_8xb32_in1k_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_resnet50_8xb32_in1k_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_resnet50_8xb32_in1k_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_resnet50_8xb32_in1k_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_retina_r50_1x_coco_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_retina_r50_1x_coco_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_retina_r50_1x_coco_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_retina_r50_1x_coco_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_yolox_s_8xb8-300e_coco_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_yolox_s_8xb8-300e_coco_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_yolox_s_8xb8-300e_coco_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_openvino_yolox_s_8xb8-300e_coco_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_mbv2_8xb32_in1k_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_mbv2_8xb32_in1k_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_mbv2_8xb32_in1k_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_mbv2_8xb32_in1k_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_resnet18_8xb32_in1k_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_resnet18_8xb32_in1k_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_resnet18_8xb32_in1k_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_resnet18_8xb32_in1k_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_resnet50_8xb32_in1k_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_resnet50_8xb32_in1k_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_resnet50_8xb32_in1k_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_resnet50_8xb32_in1k_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_retina_r50_1x_coco_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_retina_r50_1x_coco_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_retina_r50_1x_coco_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_retina_r50_1x_coco_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_yolox_s_8xb8-300e_coco_calib32xb32.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_yolox_s_8xb8-300e_coco_calib32xb32.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_yolox_s_8xb8-300e_coco_calib32xb32.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/ptq/base/ptq_tensorrt_yolox_s_8xb8-300e_coco_calib32xb32.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/base/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/base/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/base/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/base/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/base/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/base/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/base/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/base/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/base/qat_openvino_resnet18_10e_8xb32_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/base/qat_openvino_resnet18_10e_8xb32_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/base/qat_openvino_resnet18_10e_8xb32_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/base/qat_openvino_resnet18_10e_8xb32_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/lsq/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/lsq/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/lsq/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/lsq/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/lsq/lsq_openvino_resnet18_8xb32_100e_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/lsq/lsq_openvino_resnet18_8xb32_100e_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/lsq/lsq_openvino_resnet18_8xb32_100e_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/lsq/lsq_openvino_resnet18_8xb32_100e_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/lsq/lsq_openvino_resnet18_8xb32_10e_in1k.py b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/lsq/lsq_openvino_resnet18_8xb32_10e_in1k.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/lsq/lsq_openvino_resnet18_8xb32_10e_in1k.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/lsq/lsq_openvino_resnet18_8xb32_10e_in1k.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/lsq/metafile.yml b/cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/lsq/metafile.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/quantization/qat/lsq/metafile.yml rename to cv/distiller/cwd/pytorch/mmrazor/configs/quantization/qat/lsq/metafile.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/README.md b/cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/README.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/README.md rename to cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/README.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn16-w2_b16x8_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn16-w2_b16x8_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn16-w2_b16x8_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn16-w2_b16x8_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn22-w4_b16x8_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn22-w4_b16x8_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn22-w4_b16x8_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn22-w4_b16x8_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn28-w4_b16x8_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn28-w4_b16x8_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn28-w4_b16x8_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn28-w4_b16x8_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn40-w2_b16x8_cifar10.py b/cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn40-w2_b16x8_cifar10.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn40-w2_b16x8_cifar10.py rename to cv/distiller/cwd/pytorch/mmrazor/configs/vanilla/mmcls/wide-resnet/wrn40-w2_b16x8_cifar10.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/crd_dataset_wrapper.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/crd_dataset_wrapper.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/crd_dataset_wrapper.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/crd_dataset_wrapper.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/transforms/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/transforms/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/transforms/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/transforms/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/transforms/auto_augment.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/transforms/auto_augment.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/transforms/auto_augment.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/transforms/auto_augment.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/transforms/auto_augmentv2.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/transforms/auto_augmentv2.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/transforms/auto_augmentv2.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/transforms/auto_augmentv2.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/transforms/formatting.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/transforms/formatting.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/datasets/transforms/formatting.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/datasets/transforms/formatting.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/dmcp_subnet_hook.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/dmcp_subnet_hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/dmcp_subnet_hook.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/dmcp_subnet_hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/dump_subnet_hook.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/dump_subnet_hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/dump_subnet_hook.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/dump_subnet_hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/estimate_resources_hook.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/estimate_resources_hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/estimate_resources_hook.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/estimate_resources_hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/group_fisher_hooks.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/group_fisher_hooks.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/group_fisher_hooks.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/group_fisher_hooks.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/stop_distillation_hook.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/stop_distillation_hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/stop_distillation_hook.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/stop_distillation_hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/visualization_hook.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/visualization_hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/hooks/visualization_hook.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/hooks/visualization_hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/optimizers/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/optimizers/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/optimizers/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/optimizers/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/optimizers/optimizer_constructor.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/optimizers/optimizer_constructor.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/optimizers/optimizer_constructor.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/optimizers/optimizer_constructor.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/autoslim_greedy_search_loop.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/autoslim_greedy_search_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/autoslim_greedy_search_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/autoslim_greedy_search_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/darts_loop.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/darts_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/darts_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/darts_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/distill_val_loop.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/distill_val_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/distill_val_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/distill_val_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/evolution_search_loop.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/evolution_search_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/evolution_search_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/evolution_search_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/iteprune_val_loop.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/iteprune_val_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/iteprune_val_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/iteprune_val_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/quantization_loops.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/quantization_loops.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/quantization_loops.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/quantization_loops.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/slimmable_val_loop.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/slimmable_val_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/slimmable_val_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/slimmable_val_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/subnet_sampler_loop.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/subnet_sampler_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/subnet_sampler_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/subnet_sampler_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/subnet_val_loop.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/subnet_val_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/subnet_val_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/subnet_val_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/utils/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/utils/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/utils/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/utils/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/utils/calibrate_bn_mixin.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/utils/calibrate_bn_mixin.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/utils/calibrate_bn_mixin.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/utils/calibrate_bn_mixin.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/utils/check.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/utils/check.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/utils/check.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/utils/check.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/utils/genetic.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/utils/genetic.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/engine/runner/utils/genetic.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/engine/runner/utils/genetic.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/algorithm.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/algorithm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/algorithm.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/algorithm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/counters.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/counters.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/counters.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/counters.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/hook.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/hook.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/ops.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/ops.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/ops.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/ops.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/prune_deploy_sub_model.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/prune_deploy_sub_model.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/prune_deploy_sub_model.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/prune_deploy_sub_model.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/prune_sub_model.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/prune_sub_model.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/prune_sub_model.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/prune_sub_model.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/implementations/pruning/group_fisher/unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/base.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/base.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/base.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/base.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/datafree_distillation.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/datafree_distillation.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/datafree_distillation.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/datafree_distillation.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/fpn_teacher_distill.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/fpn_teacher_distill.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/fpn_teacher_distill.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/fpn_teacher_distill.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/overhaul_feature_distillation.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/overhaul_feature_distillation.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/overhaul_feature_distillation.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/overhaul_feature_distillation.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/self_distill.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/self_distill.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/self_distill.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/self_distill.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/single_teacher_distill.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/single_teacher_distill.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/single_teacher_distill.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/distill/configurable/single_teacher_distill.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/autoformer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/autoformer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/autoformer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/autoformer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/autoslim.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/autoslim.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/autoslim.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/autoslim.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/bignas.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/bignas.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/bignas.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/bignas.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/darts.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/darts.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/darts.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/darts.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/dsnas.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/dsnas.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/dsnas.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/dsnas.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/spos.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/spos.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/nas/spos.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/nas/spos.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/dcff.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/dcff.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/dcff.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/dcff.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/dmcp.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/dmcp.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/dmcp.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/dmcp.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/group_fisher_algoritho.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/group_fisher_algoritho.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/group_fisher_algoritho.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/group_fisher_algoritho.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/ite_prune_algorithm.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/ite_prune_algorithm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/ite_prune_algorithm.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/ite_prune_algorithm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/slimmable_network.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/slimmable_network.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/pruning/slimmable_network.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/pruning/slimmable_network.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/quantization/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/quantization/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/quantization/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/quantization/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/quantization/mm_architecture.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/quantization/mm_architecture.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/algorithms/quantization/mm_architecture.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/algorithms/quantization/mm_architecture.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/darts_backbone.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/darts_backbone.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/darts_backbone.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/darts_backbone.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_autoformer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_autoformer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_autoformer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_autoformer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_mobilenet_v2.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_mobilenet_v2.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_mobilenet_v2.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_mobilenet_v2.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_mobilenet_v3.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_mobilenet_v3.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_mobilenet_v3.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_mobilenet_v3.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_shufflenet_v2.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_shufflenet_v2.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_shufflenet_v2.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/searchable_shufflenet_v2.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/wideresnet.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/wideresnet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/backbones/wideresnet.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/backbones/wideresnet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/classifiers/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/classifiers/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/classifiers/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/classifiers/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/classifiers/image.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/classifiers/image.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/classifiers/image.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/classifiers/image.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/base_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/base_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/base_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/base_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/byot_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/byot_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/byot_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/byot_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/convmodule_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/convmodule_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/convmodule_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/convmodule_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/crd_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/crd_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/crd_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/crd_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/factor_transfer_connectors.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/factor_transfer_connectors.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/factor_transfer_connectors.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/factor_transfer_connectors.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/fbkd_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/fbkd_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/fbkd_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/fbkd_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/mgd_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/mgd_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/mgd_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/mgd_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/norm_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/norm_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/norm_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/norm_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/ofd_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/ofd_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/ofd_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/ofd_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/torch_connector.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/torch_connector.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/connectors/torch_connector.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/connectors/torch_connector.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_container.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_container.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_container.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_container.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_conv.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_conv.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_conv.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_conv.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_embed.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_embed.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_embed.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_embed.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_function.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_function.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_function.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_function.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_linear.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_linear.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_linear.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_linear.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_multi_head_attention.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_multi_head_attention.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_multi_head_attention.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_multi_head_attention.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_norm.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_norm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_norm.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_norm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_relative_position.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_relative_position.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_relative_position.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/dynamic_relative_position.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/group_fisher_ops.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/group_fisher_ops.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/group_fisher_ops.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/bricks/group_fisher_ops.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/head/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/head/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/head/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/head/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/head/dynamic_linear_head.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/head/dynamic_linear_head.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/head/dynamic_linear_head.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/head/dynamic_linear_head.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_conv_mixins.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_conv_mixins.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_conv_mixins.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_conv_mixins.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_layernorm_mixins.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_layernorm_mixins.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_layernorm_mixins.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_layernorm_mixins.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_mixins.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_mixins.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_mixins.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/dynamic_ops/mixins/dynamic_mixins.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/generators/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/generators/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/generators/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/generators/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/generators/base_generator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/generators/base_generator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/generators/base_generator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/generators/base_generator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/generators/dafl_generator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/generators/dafl_generator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/generators/dafl_generator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/generators/dafl_generator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/generators/zskt_generator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/generators/zskt_generator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/generators/zskt_generator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/generators/zskt_generator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/heads/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/heads/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/heads/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/heads/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/heads/darts_subnet_head.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/heads/darts_subnet_head.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/heads/darts_subnet_head.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/heads/darts_subnet_head.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/heads/deit_head.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/heads/deit_head.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/heads/deit_head.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/heads/deit_head.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/necks/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/necks/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/necks/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/necks/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/necks/squeezemean_with_dropout.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/necks/squeezemean_with_dropout.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/necks/squeezemean_with_dropout.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/necks/squeezemean_with_dropout.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/base.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/base.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/base.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/base.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/common.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/common.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/common.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/common.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/darts_series.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/darts_series.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/darts_series.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/darts_series.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/efficientnet_series.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/efficientnet_series.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/efficientnet_series.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/efficientnet_series.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/function.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/function.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/function.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/function.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/gather_tensors.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/gather_tensors.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/gather_tensors.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/gather_tensors.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/mobilenet_series.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/mobilenet_series.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/mobilenet_series.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/mobilenet_series.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/shufflenet_series.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/shufflenet_series.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/shufflenet_series.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/shufflenet_series.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/transformer_series.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/transformer_series.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/ops/transformer_series.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/ops/transformer_series.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/utils/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/utils/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/utils/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/utils/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/utils/mutable_register.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/utils/mutable_register.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/utils/mutable_register.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/utils/mutable_register.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/utils/set_dropout.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/utils/set_dropout.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/architectures/utils/set_dropout.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/architectures/utils/set_dropout.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/base_distiller.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/base_distiller.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/base_distiller.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/base_distiller.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/byot_distiller.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/byot_distiller.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/byot_distiller.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/byot_distiller.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/configurable_distiller.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/configurable_distiller.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/configurable_distiller.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/configurable_distiller.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/ofd_distiller.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/ofd_distiller.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/distillers/ofd_distiller.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/distillers/ofd_distiller.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/fake_quants/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/fake_quants/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/fake_quants/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/fake_quants/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/fake_quants/base.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/fake_quants/base.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/fake_quants/base.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/fake_quants/base.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/fake_quants/lsq.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/fake_quants/lsq.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/fake_quants/lsq.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/fake_quants/lsq.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/fake_quants/torch_fake_quants.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/fake_quants/torch_fake_quants.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/fake_quants/torch_fake_quants.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/fake_quants/torch_fake_quants.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/ab_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/ab_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/ab_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/ab_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/at_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/at_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/at_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/at_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/crd_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/crd_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/crd_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/crd_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/cross_entropy_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/cross_entropy_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/cross_entropy_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/cross_entropy_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/cwd.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/cwd.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/cwd.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/cwd.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/dafl_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/dafl_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/dafl_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/dafl_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/decoupled_kd.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/decoupled_kd.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/decoupled_kd.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/decoupled_kd.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/dist_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/dist_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/dist_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/dist_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/factor_transfer_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/factor_transfer_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/factor_transfer_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/factor_transfer_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/fbkd_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/fbkd_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/fbkd_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/fbkd_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/kd_soft_ce_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/kd_soft_ce_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/kd_soft_ce_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/kd_soft_ce_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/kl_divergence.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/kl_divergence.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/kl_divergence.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/kl_divergence.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/l1_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/l1_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/l1_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/l1_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/l2_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/l2_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/l2_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/l2_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/mgd_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/mgd_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/mgd_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/mgd_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/ofd_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/ofd_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/ofd_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/ofd_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/pkd_loss.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/pkd_loss.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/pkd_loss.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/pkd_loss.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/relational_kd.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/relational_kd.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/relational_kd.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/relational_kd.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/weighted_soft_label_distillation.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/weighted_soft_label_distillation.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/losses/weighted_soft_label_distillation.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/losses/weighted_soft_label_distillation.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/base_mutable.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/base_mutable.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/base_mutable.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/base_mutable.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/derived_mutable.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/derived_mutable.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/derived_mutable.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/derived_mutable.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/MutableChannel.md b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/MutableChannel.md similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/MutableChannel.md rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/MutableChannel.md diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/base_mutable_channel.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/base_mutable_channel.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/base_mutable_channel.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/base_mutable_channel.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/mutable_channel_container.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/mutable_channel_container.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/mutable_channel_container.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/mutable_channel_container.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/oneshot_mutable_channel.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/oneshot_mutable_channel.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/oneshot_mutable_channel.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/oneshot_mutable_channel.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/sequential_mutable_channel.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/sequential_mutable_channel.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/sequential_mutable_channel.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/sequential_mutable_channel.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/simple_mutable_channel.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/simple_mutable_channel.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/simple_mutable_channel.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/simple_mutable_channel.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/dcff_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/dcff_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/dcff_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/dcff_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/dmcp_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/dmcp_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/dmcp_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/dmcp_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/group_fisher_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/group_fisher_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/group_fisher_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/group_fisher_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/l1_mutable_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/l1_mutable_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/l1_mutable_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/l1_mutable_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/mutable_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/mutable_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/mutable_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/mutable_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/one_shot_mutable_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/one_shot_mutable_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/one_shot_mutable_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/one_shot_mutable_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/sequential_mutable_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/sequential_mutable_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/sequential_mutable_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/sequential_mutable_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/slimmable_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/slimmable_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/slimmable_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/slimmable_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/utils.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/utils.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/utils.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_channel/units/utils.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/diff_mutable_module.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/diff_mutable_module.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/diff_mutable_module.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/diff_mutable_module.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/mutable_module.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/mutable_module.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/mutable_module.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/mutable_module.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/one_shot_mutable_module.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/one_shot_mutable_module.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/one_shot_mutable_module.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_module/one_shot_mutable_module.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_value/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_value/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_value/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_value/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_value/mutable_value.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_value/mutable_value.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutables/mutable_value/mutable_value.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutables/mutable_value/mutable_value.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/base_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/base_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/base_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/base_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/channel_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/channel_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/channel_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/channel_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/dcff_channel_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/dcff_channel_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/dcff_channel_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/dcff_channel_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/dmcp_channel_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/dmcp_channel_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/dmcp_channel_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/dmcp_channel_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/group_fisher_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/group_fisher_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/group_fisher_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/group_fisher_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/one_shot_channel_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/one_shot_channel_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/one_shot_channel_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/one_shot_channel_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/slimmable_channel_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/slimmable_channel_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/slimmable_channel_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/channel_mutator/slimmable_channel_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/group_mixin.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/group_mixin.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/group_mixin.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/group_mixin.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/nas_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/nas_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/mutators/nas_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/mutators/nas_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/observers/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/observers/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/observers/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/observers/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/observers/base.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/observers/base.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/observers/base.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/observers/base.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/observers/lsq.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/observers/lsq.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/observers/lsq.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/observers/lsq.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/observers/torch_observers.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/observers/torch_observers.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/observers/torch_observers.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/observers/torch_observers.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/academic_quantizer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/academic_quantizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/academic_quantizer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/academic_quantizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/base.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/base.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/base.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/base.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/base_quantize_exporter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/base_quantize_exporter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/base_quantize_exporter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/base_quantize_exporter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/openvino_quantize_exporter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/openvino_quantize_exporter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/openvino_quantize_exporter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/openvino_quantize_exporter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/optim_utils.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/optim_utils.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/optim_utils.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/optim_utils.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/tensorrt_quantize_exporter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/tensorrt_quantize_exporter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/exporters/tensorrt_quantize_exporter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/exporters/tensorrt_quantize_exporter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/native_quantizer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/native_quantizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/native_quantizer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/native_quantizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/openvino_quantizer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/openvino_quantizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/openvino_quantizer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/openvino_quantizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/tensorrt_quantizer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/tensorrt_quantizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/quantizers/tensorrt_quantizer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/quantizers/tensorrt_quantizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/delivery_manager.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/delivery_manager.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/delivery_manager.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/delivery_manager.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/distill_delivery.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/distill_delivery.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/distill_delivery.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/distill_delivery.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/function_outputs_delivery.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/function_outputs_delivery.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/function_outputs_delivery.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/function_outputs_delivery.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/method_outputs_delivery.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/method_outputs_delivery.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/delivery/method_outputs_delivery.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/delivery/method_outputs_delivery.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/default_demo_inputs.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/default_demo_inputs.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/default_demo_inputs.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/default_demo_inputs.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/demo_inputs.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/demo_inputs.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/demo_inputs.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/demo_inputs.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/mmpose_demo_input.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/mmpose_demo_input.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/mmpose_demo_input.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/mmpose_demo_input.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/mmseg_demo_input.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/mmseg_demo_input.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/mmseg_demo_input.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/demo_inputs/mmseg_demo_input.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/base_estimator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/base_estimator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/base_estimator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/base_estimator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/flops_params_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/flops_params_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/flops_params_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/flops_params_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/latency_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/latency_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/latency_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/latency_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/activation_layer_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/activation_layer_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/activation_layer_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/activation_layer_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/base_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/base_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/base_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/base_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/conv_layer_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/conv_layer_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/conv_layer_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/conv_layer_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/deconv_layer_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/deconv_layer_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/deconv_layer_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/deconv_layer_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/group_fisher_counters.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/group_fisher_counters.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/group_fisher_counters.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/group_fisher_counters.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/linear_layer_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/linear_layer_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/linear_layer_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/linear_layer_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/norm_layer_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/norm_layer_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/norm_layer_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/norm_layer_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/pooling_layer_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/pooling_layer_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/pooling_layer_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/pooling_layer_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/upsample_layer_counter.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/upsample_layer_counter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/upsample_layer_counter.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/counters/op_counters/upsample_layer_counter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/resource_estimator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/resource_estimator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/estimators/resource_estimator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/estimators/resource_estimator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/base_handler.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/base_handler.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/base_handler.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/base_handler.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/carts_handler.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/carts_handler.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/carts_handler.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/carts_handler.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/gp_handler.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/gp_handler.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/gp_handler.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/gp_handler.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/mlp_handler.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/mlp_handler.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/mlp_handler.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/mlp_handler.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/rbf_handler.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/rbf_handler.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/rbf_handler.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/handler/rbf_handler.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/metric_predictor.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/metric_predictor.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/predictor/metric_predictor.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/predictor/metric_predictor.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/base_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/base_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/base_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/base_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/function_inputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/function_inputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/function_inputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/function_inputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/function_outputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/function_outputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/function_outputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/function_outputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/method_inputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/method_inputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/method_inputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/method_inputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/method_outputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/method_outputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/method_outputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/method_outputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/module_inputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/module_inputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/module_inputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/module_inputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/module_outputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/module_outputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/module_outputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/module_outputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/param_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/param_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/param_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/param_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/recorder_manager.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/recorder_manager.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/recorder/recorder_manager.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/recorder/recorder_manager.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/backward_tracer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/backward_tracer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/backward_tracer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/backward_tracer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/channel_analyzer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/channel_analyzer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/channel_analyzer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/channel_analyzer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/custom_tracer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/custom_tracer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/custom_tracer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/custom_tracer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/graph_utils.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/graph_utils.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/graph_utils.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx/graph_utils.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx_tracer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx_tracer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx_tracer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/fx_tracer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/cascade_encoder_decoder_loss_calculator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/cascade_encoder_decoder_loss_calculator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/cascade_encoder_decoder_loss_calculator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/cascade_encoder_decoder_loss_calculator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/image_classifier_loss_calculator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/image_classifier_loss_calculator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/image_classifier_loss_calculator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/image_classifier_loss_calculator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/single_stage_detector_loss_calculator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/single_stage_detector_loss_calculator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/single_stage_detector_loss_calculator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/single_stage_detector_loss_calculator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/sum_loss_calculator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/sum_loss_calculator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/sum_loss_calculator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/sum_loss_calculator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/top_down_pose_estimator_loss_calculator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/top_down_pose_estimator_loss_calculator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/top_down_pose_estimator_loss_calculator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/top_down_pose_estimator_loss_calculator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/two_stage_detector_loss_calculator.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/two_stage_detector_loss_calculator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/two_stage_detector_loss_calculator.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/loss_calculator/two_stage_detector_loss_calculator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/parsers.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/parsers.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/parsers.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/parsers.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/path.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/path.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/task_modules/tracer/path.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/task_modules/tracer/path.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/ops.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/ops.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/ops.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/ops.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/tools.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/tools.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/tools.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/tools.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/unit.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/unit.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/expandable_utils/unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/make_divisible.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/make_divisible.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/make_divisible.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/make_divisible.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/misc.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/misc.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/misc.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/misc.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/optim_wrapper.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/optim_wrapper.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/optim_wrapper.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/optim_wrapper.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/parse_values.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/parse_values.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/parse_values.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/parse_values.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/quantization_util.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/quantization_util.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/quantization_util.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/quantization_util.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/utils.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/utils.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/models/utils/utils.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/models/utils/utils.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/registry/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/registry/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/registry/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/registry/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/registry/registry.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/registry/registry.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/registry/registry.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/registry/registry.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/base_graph.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/base_graph.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/base_graph.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/base_graph.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/channel_flow.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/channel_flow.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/channel_flow.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/channel_flow.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/channel_graph.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/channel_graph.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/channel_graph.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/channel_graph.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/channel_nodes.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/channel_nodes.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/channel_nodes.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/channel_nodes.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/module_graph.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/module_graph.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/module_graph.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/module_graph.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/pseudo_fx_graph.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/pseudo_fx_graph.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/graph/pseudo_fx_graph.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/graph/pseudo_fx_graph.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/academic.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/academic.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/academic.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/academic.py 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 similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/common_operator_config_utils.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/common_operator_config_utils.py 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 similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/mapping.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/mapping.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/native.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/native.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/native.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/native.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/openvino.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/openvino.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/openvino.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/openvino.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/tensorrt.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/tensorrt.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/tensorrt.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/backend_config/tensorrt.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/qconfig.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/qconfig.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/quantization/qconfig.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/quantization/qconfig.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/subnet/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/subnet/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/subnet/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/subnet/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/subnet/candidate.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/subnet/candidate.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/subnet/candidate.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/subnet/candidate.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/subnet/fix_subnet.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/subnet/fix_subnet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/structures/subnet/fix_subnet.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/structures/subnet/fix_subnet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/testing/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/testing/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/testing/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/testing/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/testing/_fast_stop_training_hook.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/testing/_fast_stop_training_hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/testing/_fast_stop_training_hook.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/testing/_fast_stop_training_hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/testing/_fx_models.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/testing/_fx_models.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/testing/_fx_models.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/testing/_fx_models.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/index_dict.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/index_dict.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/index_dict.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/index_dict.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/log_tools.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/log_tools.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/log_tools.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/log_tools.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/misc.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/misc.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/misc.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/misc.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/placeholder.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/placeholder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/placeholder.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/placeholder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/runtime_info.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/runtime_info.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/runtime_info.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/runtime_info.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/setup_env.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/setup_env.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/setup_env.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/setup_env.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/typing.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/typing.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/utils/typing.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/utils/typing.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/version.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/version.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/version.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/version.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/visualization/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/visualization/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/visualization/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/visualization/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/mmrazor/visualization/local_visualizer.py b/cv/distiller/cwd/pytorch/mmrazor/mmrazor/visualization/local_visualizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/mmrazor/visualization/local_visualizer.py rename to cv/distiller/cwd/pytorch/mmrazor/mmrazor/visualization/local_visualizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/model-index.yml b/cv/distiller/cwd/pytorch/mmrazor/model-index.yml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/model-index.yml rename to cv/distiller/cwd/pytorch/mmrazor/model-index.yml diff --git a/cv/distiller/CWD/pytorch/mmrazor/requirements.txt b/cv/distiller/cwd/pytorch/mmrazor/requirements.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/requirements.txt rename to cv/distiller/cwd/pytorch/mmrazor/requirements.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/requirements/docs.txt b/cv/distiller/cwd/pytorch/mmrazor/requirements/docs.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/requirements/docs.txt rename to cv/distiller/cwd/pytorch/mmrazor/requirements/docs.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/requirements/mminstall.txt b/cv/distiller/cwd/pytorch/mmrazor/requirements/mminstall.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/requirements/mminstall.txt rename to cv/distiller/cwd/pytorch/mmrazor/requirements/mminstall.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/requirements/optional.txt b/cv/distiller/cwd/pytorch/mmrazor/requirements/optional.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/requirements/optional.txt rename to cv/distiller/cwd/pytorch/mmrazor/requirements/optional.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/requirements/readthedocs.txt b/cv/distiller/cwd/pytorch/mmrazor/requirements/readthedocs.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/requirements/readthedocs.txt rename to cv/distiller/cwd/pytorch/mmrazor/requirements/readthedocs.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/requirements/runtime.txt b/cv/distiller/cwd/pytorch/mmrazor/requirements/runtime.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/requirements/runtime.txt rename to cv/distiller/cwd/pytorch/mmrazor/requirements/runtime.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/requirements/tests.txt b/cv/distiller/cwd/pytorch/mmrazor/requirements/tests.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/requirements/tests.txt rename to cv/distiller/cwd/pytorch/mmrazor/requirements/tests.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/resources/design_and_implement.png b/cv/distiller/cwd/pytorch/mmrazor/resources/design_and_implement.png similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/resources/design_and_implement.png rename to cv/distiller/cwd/pytorch/mmrazor/resources/design_and_implement.png diff --git a/cv/distiller/CWD/pytorch/mmrazor/resources/mmrazor-logo.png b/cv/distiller/cwd/pytorch/mmrazor/resources/mmrazor-logo.png similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/resources/mmrazor-logo.png rename to cv/distiller/cwd/pytorch/mmrazor/resources/mmrazor-logo.png diff --git a/cv/distiller/CWD/pytorch/mmrazor/resources/qq_group_qrcode.jpg b/cv/distiller/cwd/pytorch/mmrazor/resources/qq_group_qrcode.jpg similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/resources/qq_group_qrcode.jpg rename to cv/distiller/cwd/pytorch/mmrazor/resources/qq_group_qrcode.jpg diff --git a/cv/distiller/CWD/pytorch/mmrazor/resources/xiaozhushou_weixin_qrcode.jpeg b/cv/distiller/cwd/pytorch/mmrazor/resources/xiaozhushou_weixin_qrcode.jpeg similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/resources/xiaozhushou_weixin_qrcode.jpeg rename to cv/distiller/cwd/pytorch/mmrazor/resources/xiaozhushou_weixin_qrcode.jpeg diff --git a/cv/distiller/CWD/pytorch/mmrazor/resources/zhihu_qrcode.jpg b/cv/distiller/cwd/pytorch/mmrazor/resources/zhihu_qrcode.jpg similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/resources/zhihu_qrcode.jpg rename to cv/distiller/cwd/pytorch/mmrazor/resources/zhihu_qrcode.jpg diff --git a/cv/distiller/CWD/pytorch/mmrazor/setup.cfg b/cv/distiller/cwd/pytorch/mmrazor/setup.cfg similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/setup.cfg rename to cv/distiller/cwd/pytorch/mmrazor/setup.cfg diff --git a/cv/distiller/CWD/pytorch/mmrazor/setup.py b/cv/distiller/cwd/pytorch/mmrazor/setup.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/setup.py rename to cv/distiller/cwd/pytorch/mmrazor/setup.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_220M.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_220M.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_220M.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_220M.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_320M.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_320M.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_320M.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_320M.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_530M.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_530M.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_530M.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_530M.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_slimmable_channel_config.json b/cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_slimmable_channel_config.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_slimmable_channel_config.json rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_slimmable_channel_config.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_slimmable_config.json b/cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_slimmable_config.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/MBV2_slimmable_config.json rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/MBV2_slimmable_config.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/data/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/color.jpeg b/cv/distiller/cwd/pytorch/mmrazor/tests/data/color.jpeg similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/color.jpeg rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/color.jpeg diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/concat_subnet1.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/concat_subnet1.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/concat_subnet1.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/concat_subnet1.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/concat_subnet2.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/concat_subnet2.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/concat_subnet2.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/concat_subnet2.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/a/1.JPG b/cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/a/1.JPG similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/a/1.JPG rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/a/1.JPG diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/ann.json b/cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/ann.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/ann.json rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/ann.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/ann.txt b/cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/ann.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/ann.txt rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/ann.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/b/2.jpeg b/cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/b/2.jpeg similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/b/2.jpeg rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/b/2.jpeg diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/b/subb/3.jpg b/cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/b/subb/3.jpg similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/b/subb/3.jpg rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/b/subb/3.jpg diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/classes.txt b/cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/classes.txt similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/classes.txt rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/classes.txt diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/multi_label_ann.json b/cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/multi_label_ann.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/dataset/multi_label_ann.json rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/dataset/multi_label_ann.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/model_library.py b/cv/distiller/cwd/pytorch/mmrazor/tests/data/model_library.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/model_library.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/model_library.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/models.py b/cv/distiller/cwd/pytorch/mmrazor/tests/data/models.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/models.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/models.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/subnet1.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/subnet1.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/subnet1.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/subnet1.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/subnet2.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/subnet2.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/subnet2.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/subnet2.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/test_models/test_algorithm/MBV2_220M.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/test_models/test_algorithm/MBV2_220M.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/test_models/test_algorithm/MBV2_220M.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/test_models/test_algorithm/MBV2_220M.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/test_models/test_mutator/subnet1.json b/cv/distiller/cwd/pytorch/mmrazor/tests/data/test_models/test_mutator/subnet1.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/test_models/test_mutator/subnet1.json rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/test_models/test_mutator/subnet1.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/test_models/test_subnet/mockmodel_subnet.yaml b/cv/distiller/cwd/pytorch/mmrazor/tests/data/test_models/test_subnet/mockmodel_subnet.yaml similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/test_models/test_subnet/mockmodel_subnet.yaml rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/test_models/test_subnet/mockmodel_subnet.yaml diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/test_models/test_task_modules/mmcls_cfg.py b/cv/distiller/cwd/pytorch/mmrazor/tests/data/test_models/test_task_modules/mmcls_cfg.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/test_models/test_task_modules/mmcls_cfg.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/test_models/test_task_modules/mmcls_cfg.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/test_registry/registry_architecture_config.py b/cv/distiller/cwd/pytorch/mmrazor/tests/data/test_registry/registry_architecture_config.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/test_registry/registry_architecture_config.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/test_registry/registry_architecture_config.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/test_registry/registry_subnet_config.py b/cv/distiller/cwd/pytorch/mmrazor/tests/data/test_registry/registry_subnet_config.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/test_registry/registry_subnet_config.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/test_registry/registry_subnet_config.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/test_registry/subnet.json b/cv/distiller/cwd/pytorch/mmrazor/tests/data/test_registry/subnet.json similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/test_registry/subnet.json rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/test_registry/subnet.json diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/data/tracer_passed_models.py b/cv/distiller/cwd/pytorch/mmrazor/tests/data/tracer_passed_models.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/data/tracer_passed_models.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/data/tracer_passed_models.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_delivers/test_deliver_manager.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_delivers/test_deliver_manager.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_delivers/test_deliver_manager.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_delivers/test_deliver_manager.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_delivers/test_function_outputs_deliver.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_delivers/test_function_outputs_deliver.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_delivers/test_function_outputs_deliver.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_delivers/test_function_outputs_deliver.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_delivers/test_method_outputs_deliver.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_delivers/test_method_outputs_deliver.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_delivers/test_method_outputs_deliver.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_delivers/test_method_outputs_deliver.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_delivers/toy_module.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_delivers/toy_module.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_delivers/toy_module.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_delivers/toy_module.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/test_channel_flow.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/test_channel_flow.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/test_channel_flow.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/test_channel_flow.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/test_channel_graph.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/test_channel_graph.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/test_channel_graph.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/test_channel_graph.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/test_graph.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/test_graph.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/test_graph.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/test_graph.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/test_prune_tracer_model.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/test_prune_tracer_model.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_graph/test_prune_tracer_model.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_graph/test_prune_tracer_model.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_base_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_base_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_base_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_base_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_func_inputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_func_inputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_func_inputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_func_inputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_func_outputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_func_outputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_func_outputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_func_outputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_method_inputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_method_inputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_method_inputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_method_inputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_method_outputs_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_method_outputs_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_method_outputs_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_method_outputs_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_module_recorders.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_module_recorders.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_module_recorders.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_module_recorders.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_param_recorder.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_param_recorder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_param_recorder.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_param_recorder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_recorder_manager.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_recorder_manager.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/test_recorder_manager.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/test_recorder_manager.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/toy_mod.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/toy_mod.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_recorders/toy_mod.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_recorders/toy_mod.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/test_backward_tracer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/test_backward_tracer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/test_backward_tracer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/test_backward_tracer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/test_fx_tracer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/test_fx_tracer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/test_fx_tracer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/test_fx_tracer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/test_loss_calculator.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/test_loss_calculator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/test_loss_calculator.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/test_loss_calculator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/test_prune_tracer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/test_prune_tracer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_core/test_tracer/test_prune_tracer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_core/test_tracer/test_prune_tracer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_data.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_data.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_data.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_data.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_datasets/test_datasets.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_datasets/test_datasets.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_datasets/test_datasets.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_datasets/test_datasets.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_datasets/test_transforms/test_formatting.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_datasets/test_transforms/test_formatting.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_datasets/test_transforms/test_formatting.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_datasets/test_transforms/test_formatting.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_doc.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_doc.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_doc.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_doc.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_engine/test_hooks/test_stop_distillation_hook.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_engine/test_hooks/test_stop_distillation_hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_engine/test_hooks/test_stop_distillation_hook.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_engine/test_hooks/test_stop_distillation_hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_engine/test_hooks/test_visualization_hook.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_engine/test_hooks/test_visualization_hook.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_engine/test_hooks/test_visualization_hook.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_engine/test_hooks/test_visualization_hook.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_algorithm.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_algorithm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_algorithm.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_algorithm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_prune_deploy_sub_model.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_prune_deploy_sub_model.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_prune_deploy_sub_model.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_prune_deploy_sub_model.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_prune_sub_model.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_prune_sub_model.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_prune_sub_model.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_prune_sub_model.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_unit.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_impl/test_pruning/test_group_fisher/test_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_autoformer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_autoformer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_autoformer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_autoformer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_autoslim.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_autoslim.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_autoslim.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_autoslim.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_base_algorithm.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_base_algorithm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_base_algorithm.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_base_algorithm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_bignas.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_bignas.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_bignas.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_bignas.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_darts.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_darts.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_darts.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_darts.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_datafree_distill.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_datafree_distill.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_datafree_distill.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_datafree_distill.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_dcff_network.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_dcff_network.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_dcff_network.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_dcff_network.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_dmcp.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_dmcp.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_dmcp.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_dmcp.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_dsnas.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_dsnas.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_dsnas.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_dsnas.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_general_quant.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_general_quant.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_general_quant.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_general_quant.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_mm_architecture.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_mm_architecture.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_mm_architecture.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_mm_architecture.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_ofd_algo.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_ofd_algo.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_ofd_algo.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_ofd_algo.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_prune_algorithm.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_prune_algorithm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_prune_algorithm.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_prune_algorithm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_self_distill.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_self_distill.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_self_distill.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_self_distill.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_single_teacher_distill.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_single_teacher_distill.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_single_teacher_distill.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_single_teacher_distill.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_slimmable_network.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_slimmable_network.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_slimmable_network.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_slimmable_network.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_spos.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_spos.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/test_spos.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/test_spos.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/toy_models.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/toy_models.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_algorithms/toy_models.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_algorithms/toy_models.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_autoformerbackbone.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_autoformerbackbone.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_autoformerbackbone.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_autoformerbackbone.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_dartsbackbone.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_dartsbackbone.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_dartsbackbone.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_dartsbackbone.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_mobilenet_v2.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_mobilenet_v2.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_mobilenet_v2.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_mobilenet_v2.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_mobilenet_v3.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_mobilenet_v3.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_mobilenet_v3.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_mobilenet_v3.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_shufflenet_v2.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_shufflenet_v2.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_shufflenet_v2.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/test_searchable_shufflenet_v2.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/utils.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/utils.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/utils.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_backbones/utils.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_connectors/test_connectors.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_connectors/test_connectors.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_connectors/test_connectors.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_connectors/test_connectors.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_attention.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_attention.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_attention.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_attention.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_container.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_container.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_container.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_container.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_conv.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_conv.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_conv.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_conv.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_embed.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_embed.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_embed.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_embed.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_layernorm.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_layernorm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_layernorm.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_layernorm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_linear.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_linear.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_linear.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_linear.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_norm.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_norm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_norm.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_norm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_relative_position.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_relative_position.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_relative_position.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_relative_position.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_resizer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_resizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_resizer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/test_bricks/test_dynamic_resizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/utils.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/utils.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/utils.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_dynamic_op/utils.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_generators/test_generators.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_generators/test_generators.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_architectures/test_generators/test_generators.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_architectures/test_generators/test_generators.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_classifier/test_imageclassifier.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_classifier/test_imageclassifier.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_classifier/test_imageclassifier.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_classifier/test_imageclassifier.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_distillers/test_byot_distill.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_distillers/test_byot_distill.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_distillers/test_byot_distill.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_distillers/test_byot_distill.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_distillers/test_configurable_distill.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_distillers/test_configurable_distill.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_distillers/test_configurable_distill.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_distillers/test_configurable_distill.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_fake_quants/test_lsq_fake_quants.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_fake_quants/test_lsq_fake_quants.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_fake_quants/test_lsq_fake_quants.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_fake_quants/test_lsq_fake_quants.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_fake_quants/test_torch_fake_quants.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_fake_quants/test_torch_fake_quants.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_fake_quants/test_torch_fake_quants.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_fake_quants/test_torch_fake_quants.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_losses/test_distillation_losses.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_losses/test_distillation_losses.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_losses/test_distillation_losses.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_losses/test_distillation_losses.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_losses/test_general_losses.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_losses/test_general_losses.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_losses/test_general_losses.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_losses/test_general_losses.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_derived_mutable.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_derived_mutable.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_derived_mutable.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_derived_mutable.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_diffchoiceroute.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_diffchoiceroute.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_diffchoiceroute.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_diffchoiceroute.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_diffop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_diffop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_diffop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_diffop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_gumbelchoiceroute.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_gumbelchoiceroute.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_gumbelchoiceroute.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_gumbelchoiceroute.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_mutable_channels.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_mutable_channels.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_mutable_channels.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_mutable_channels.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_sequential_mutable_channel.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_sequential_mutable_channel.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_sequential_mutable_channel.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_sequential_mutable_channel.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_dcff_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_dcff_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_dcff_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_dcff_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_l1_mutable_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_l1_mutable_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_l1_mutable_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_l1_mutable_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_mutable_channel_units.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_mutable_channel_units.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_mutable_channel_units.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_mutable_channel_units.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_one_shot_mutable_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_one_shot_mutable_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_one_shot_mutable_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_one_shot_mutable_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_sequential_mutable_channel_unit.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_sequential_mutable_channel_unit.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_sequential_mutable_channel_unit.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_channel/test_units/test_sequential_mutable_channel_unit.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_value.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_value.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_value.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_mutable_value.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_onehotop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_onehotop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_onehotop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_onehotop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_oneshotop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_oneshotop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_oneshotop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_oneshotop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_sequential_mutable_channel.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_sequential_mutable_channel.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutables/test_sequential_mutable_channel.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutables/test_sequential_mutable_channel.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/test_channel_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/test_channel_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/test_channel_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/test_channel_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/test_dcff_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/test_dcff_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/test_dcff_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/test_dcff_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/test_dmcp_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/test_dmcp_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/test_dmcp_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/test_dmcp_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/test_nas_mutator.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/test_nas_mutator.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_mutators/test_nas_mutator.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_mutators/test_nas_mutator.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_observers/test_lsq_observer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_observers/test_lsq_observer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_observers/test_lsq_observer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_observers/test_lsq_observer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_observers/test_torch_observers.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_observers/test_torch_observers.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_observers/test_torch_observers.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_observers/test_torch_observers.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_academic_quantizer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_academic_quantizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_academic_quantizer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_academic_quantizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_exporter.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_exporter.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_exporter.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_exporter.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_native_quantizer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_native_quantizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_native_quantizer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_native_quantizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_openvino_quantizer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_openvino_quantizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_openvino_quantizer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_openvino_quantizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_tensorrt_quantizer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_tensorrt_quantizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_quantizers/test_tensorrt_quantizer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_quantizers/test_tensorrt_quantizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_subnet/test_candidate.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_subnet/test_candidate.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_subnet/test_candidate.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_subnet/test_candidate.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_subnet/test_fix_subnet.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_subnet/test_fix_subnet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_subnet/test_fix_subnet.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_subnet/test_fix_subnet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_custom_tracer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_custom_tracer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_custom_tracer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_custom_tracer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_demo_inputs/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_demo_inputs/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_demo_inputs/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_demo_inputs/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_demo_inputs/test_demo_inputs.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_demo_inputs/test_demo_inputs.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_demo_inputs/test_demo_inputs.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_demo_inputs/test_demo_inputs.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_estimators/test_flops_params.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_estimators/test_flops_params.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_estimators/test_flops_params.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_estimators/test_flops_params.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_graph_utils.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_graph_utils.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_graph_utils.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_graph_utils.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_predictors/test_metric_predictor.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_predictors/test_metric_predictor.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_task_modules/test_predictors/test_metric_predictor.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_task_modules/test_predictors/test_metric_predictor.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_utils/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_utils/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_utils/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_utils/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_utils/test_expandable_utils/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_utils/test_expandable_utils/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_utils/test_expandable_utils/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_utils/test_expandable_utils/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_utils/test_expandable_utils/test_expand.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_utils/test_expandable_utils/test_expand.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_models/test_utils/test_expandable_utils/test_expand.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_models/test_utils/test_expandable_utils/test_expand.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_registry/test_registry.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_registry/test_registry.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_registry/test_registry.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_registry/test_registry.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_autoslim_greedy_search_loop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_autoslim_greedy_search_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_autoslim_greedy_search_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_autoslim_greedy_search_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_darts_loop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_darts_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_darts_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_darts_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_distill_val_loop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_distill_val_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_distill_val_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_distill_val_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_evolution_search_loop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_evolution_search_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_evolution_search_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_evolution_search_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_quantization_loop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_quantization_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_quantization_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_quantization_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_subnet_sampler_loop.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_subnet_sampler_loop.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_subnet_sampler_loop.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_subnet_sampler_loop.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_utils/test_calibrate_bn_mixin.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_utils/test_calibrate_bn_mixin.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_utils/test_calibrate_bn_mixin.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_utils/test_calibrate_bn_mixin.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_utils/test_check.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_utils/test_check.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_utils/test_check.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_utils/test_check.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_utils/test_genetic.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_utils/test_genetic.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_runners/test_utils/test_genetic.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_runners/test_utils/test_genetic.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_structures/test_backendconfig.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_structures/test_backendconfig.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_structures/test_backendconfig.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_structures/test_backendconfig.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_structures/test_qconfig.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_structures/test_qconfig.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_structures/test_qconfig.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_structures/test_qconfig.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_tools/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_tools/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_tools/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_tools/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_tools/test_tools.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_tools/test_tools.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_tools/test_tools.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_tools/test_tools.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_utils/test_index_dict.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_utils/test_index_dict.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_utils/test_index_dict.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_utils/test_index_dict.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_utils/test_placeholder.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_utils/test_placeholder.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_utils/test_placeholder.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_utils/test_placeholder.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/test_visualizer/test_visualizer.py b/cv/distiller/cwd/pytorch/mmrazor/tests/test_visualizer/test_visualizer.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/test_visualizer/test_visualizer.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/test_visualizer/test_visualizer.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/utils/__init__.py b/cv/distiller/cwd/pytorch/mmrazor/tests/utils/__init__.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/utils/__init__.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/utils/__init__.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/utils/set_dist_env.py b/cv/distiller/cwd/pytorch/mmrazor/tests/utils/set_dist_env.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/utils/set_dist_env.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/utils/set_dist_env.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tests/utils/set_torch_thread.py b/cv/distiller/cwd/pytorch/mmrazor/tests/utils/set_torch_thread.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tests/utils/set_torch_thread.py rename to cv/distiller/cwd/pytorch/mmrazor/tests/utils/set_torch_thread.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/dataset_converters/cityscapes.py b/cv/distiller/cwd/pytorch/mmrazor/tools/dataset_converters/cityscapes.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/dataset_converters/cityscapes.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/dataset_converters/cityscapes.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/dist_test.sh b/cv/distiller/cwd/pytorch/mmrazor/tools/dist_test.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/dist_test.sh rename to cv/distiller/cwd/pytorch/mmrazor/tools/dist_test.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/dist_train.sh b/cv/distiller/cwd/pytorch/mmrazor/tools/dist_train.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/dist_train.sh rename to cv/distiller/cwd/pytorch/mmrazor/tools/dist_train.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/misc/print_config.py b/cv/distiller/cwd/pytorch/mmrazor/tools/misc/print_config.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/misc/print_config.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/misc/print_config.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_attentivenas_nas_ckpt.py b/cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_attentivenas_nas_ckpt.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_attentivenas_nas_ckpt.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_attentivenas_nas_ckpt.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_bignas_gml_ckpt.py b/cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_bignas_gml_ckpt.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_bignas_gml_ckpt.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_bignas_gml_ckpt.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_kd_ckpt.py b/cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_kd_ckpt.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_kd_ckpt.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_kd_ckpt.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_kd_ckpt_to_student.py b/cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_kd_ckpt_to_student.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_kd_ckpt_to_student.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_kd_ckpt_to_student.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_ofa_ckpt.py b/cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_ofa_ckpt.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_ofa_ckpt.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_ofa_ckpt.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_quant_ckpt.py b/cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_quant_ckpt.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_quant_ckpt.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_quant_ckpt.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_supernet2subnet.py b/cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_supernet2subnet.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/convert_supernet2subnet.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/convert_supernet2subnet.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/publish_model.py b/cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/publish_model.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/model_converters/publish_model.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/model_converters/publish_model.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/pruning/get_channel_units.py b/cv/distiller/cwd/pytorch/mmrazor/tools/pruning/get_channel_units.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/pruning/get_channel_units.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/pruning/get_channel_units.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/pruning/get_flops.py b/cv/distiller/cwd/pytorch/mmrazor/tools/pruning/get_flops.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/pruning/get_flops.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/pruning/get_flops.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/pruning/get_l1_prune_config.py b/cv/distiller/cwd/pytorch/mmrazor/tools/pruning/get_l1_prune_config.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/pruning/get_l1_prune_config.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/pruning/get_l1_prune_config.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/pruning/get_static_model_from_algorithm.py b/cv/distiller/cwd/pytorch/mmrazor/tools/pruning/get_static_model_from_algorithm.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/pruning/get_static_model_from_algorithm.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/pruning/get_static_model_from_algorithm.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/ptq.py b/cv/distiller/cwd/pytorch/mmrazor/tools/ptq.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/ptq.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/ptq.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/slurm_test.sh b/cv/distiller/cwd/pytorch/mmrazor/tools/slurm_test.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/slurm_test.sh rename to cv/distiller/cwd/pytorch/mmrazor/tools/slurm_test.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/slurm_train.sh b/cv/distiller/cwd/pytorch/mmrazor/tools/slurm_train.sh similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/slurm_train.sh rename to cv/distiller/cwd/pytorch/mmrazor/tools/slurm_train.sh diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/test.py b/cv/distiller/cwd/pytorch/mmrazor/tools/test.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/test.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/test.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/train.py b/cv/distiller/cwd/pytorch/mmrazor/tools/train.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/train.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/train.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/demo.jpg b/cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/demo.jpg similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/demo.jpg rename to cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/demo.jpg diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/feature_diff_visualization.py b/cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/feature_diff_visualization.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/feature_diff_visualization.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/feature_diff_visualization.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/feature_visualization.py b/cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/feature_visualization.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/feature_visualization.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/feature_visualization.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_configs/backbone_feature_diff_visualization.py b/cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_configs/backbone_feature_diff_visualization.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_configs/backbone_feature_diff_visualization.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_configs/backbone_feature_diff_visualization.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_configs/backbone_feature_visualization.py b/cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_configs/backbone_feature_visualization.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_configs/backbone_feature_visualization.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_configs/backbone_feature_visualization.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_configs/fpn_feature_diff_visualization.py b/cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_configs/fpn_feature_diff_visualization.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_configs/fpn_feature_diff_visualization.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_configs/fpn_feature_diff_visualization.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_configs/fpn_feature_visualization.py b/cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_configs/fpn_feature_visualization.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_configs/fpn_feature_visualization.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_configs/fpn_feature_visualization.py diff --git a/cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_scheduler.py b/cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_scheduler.py similarity index 100% rename from cv/distiller/CWD/pytorch/mmrazor/tools/visualizations/vis_scheduler.py rename to cv/distiller/cwd/pytorch/mmrazor/tools/visualizations/vis_scheduler.py diff --git a/cv/distiller/RKD/pytorch/README.md b/cv/distiller/rkd/pytorch/README.md similarity index 100% rename from cv/distiller/RKD/pytorch/README.md rename to cv/distiller/rkd/pytorch/README.md diff --git a/cv/distiller/RKD/pytorch/dataset/__init__.py b/cv/distiller/rkd/pytorch/dataset/__init__.py similarity index 100% rename from cv/distiller/RKD/pytorch/dataset/__init__.py rename to cv/distiller/rkd/pytorch/dataset/__init__.py diff --git a/cv/distiller/RKD/pytorch/dataset/cars196.py b/cv/distiller/rkd/pytorch/dataset/cars196.py similarity index 100% rename from cv/distiller/RKD/pytorch/dataset/cars196.py rename to cv/distiller/rkd/pytorch/dataset/cars196.py diff --git a/cv/distiller/RKD/pytorch/dataset/cub200.py b/cv/distiller/rkd/pytorch/dataset/cub200.py similarity index 100% rename from cv/distiller/RKD/pytorch/dataset/cub200.py rename to cv/distiller/rkd/pytorch/dataset/cub200.py diff --git a/cv/distiller/RKD/pytorch/dataset/stanford.py b/cv/distiller/rkd/pytorch/dataset/stanford.py similarity index 100% rename from cv/distiller/RKD/pytorch/dataset/stanford.py rename to cv/distiller/rkd/pytorch/dataset/stanford.py diff --git a/cv/distiller/RKD/pytorch/examples/cub200.sh b/cv/distiller/rkd/pytorch/examples/cub200.sh similarity index 100% rename from cv/distiller/RKD/pytorch/examples/cub200.sh rename to cv/distiller/rkd/pytorch/examples/cub200.sh diff --git a/cv/distiller/RKD/pytorch/metric/__init__.py b/cv/distiller/rkd/pytorch/metric/__init__.py similarity index 100% rename from cv/distiller/RKD/pytorch/metric/__init__.py rename to cv/distiller/rkd/pytorch/metric/__init__.py diff --git a/cv/distiller/RKD/pytorch/metric/batchsampler.py b/cv/distiller/rkd/pytorch/metric/batchsampler.py similarity index 100% rename from cv/distiller/RKD/pytorch/metric/batchsampler.py rename to cv/distiller/rkd/pytorch/metric/batchsampler.py diff --git a/cv/distiller/RKD/pytorch/metric/loss.py b/cv/distiller/rkd/pytorch/metric/loss.py similarity index 100% rename from cv/distiller/RKD/pytorch/metric/loss.py rename to cv/distiller/rkd/pytorch/metric/loss.py diff --git a/cv/distiller/RKD/pytorch/metric/pairsampler.py b/cv/distiller/rkd/pytorch/metric/pairsampler.py similarity index 100% rename from cv/distiller/RKD/pytorch/metric/pairsampler.py rename to cv/distiller/rkd/pytorch/metric/pairsampler.py diff --git a/cv/distiller/RKD/pytorch/metric/utils.py b/cv/distiller/rkd/pytorch/metric/utils.py similarity index 100% rename from cv/distiller/RKD/pytorch/metric/utils.py rename to cv/distiller/rkd/pytorch/metric/utils.py diff --git a/cv/distiller/RKD/pytorch/model/__init__.py b/cv/distiller/rkd/pytorch/model/__init__.py similarity index 100% rename from cv/distiller/RKD/pytorch/model/__init__.py rename to cv/distiller/rkd/pytorch/model/__init__.py diff --git a/cv/distiller/RKD/pytorch/model/backbone/__init__.py b/cv/distiller/rkd/pytorch/model/backbone/__init__.py similarity index 100% rename from cv/distiller/RKD/pytorch/model/backbone/__init__.py rename to cv/distiller/rkd/pytorch/model/backbone/__init__.py diff --git a/cv/distiller/RKD/pytorch/model/backbone/inception/__init__.py b/cv/distiller/rkd/pytorch/model/backbone/inception/__init__.py similarity index 100% rename from cv/distiller/RKD/pytorch/model/backbone/inception/__init__.py rename to cv/distiller/rkd/pytorch/model/backbone/inception/__init__.py diff --git a/cv/distiller/RKD/pytorch/model/backbone/inception/google.py b/cv/distiller/rkd/pytorch/model/backbone/inception/google.py similarity index 100% rename from cv/distiller/RKD/pytorch/model/backbone/inception/google.py rename to cv/distiller/rkd/pytorch/model/backbone/inception/google.py diff --git a/cv/distiller/RKD/pytorch/model/backbone/inception/v1bn.py b/cv/distiller/rkd/pytorch/model/backbone/inception/v1bn.py similarity index 100% rename from cv/distiller/RKD/pytorch/model/backbone/inception/v1bn.py rename to cv/distiller/rkd/pytorch/model/backbone/inception/v1bn.py diff --git a/cv/distiller/RKD/pytorch/model/backbone/resnet.py b/cv/distiller/rkd/pytorch/model/backbone/resnet.py similarity index 100% rename from cv/distiller/RKD/pytorch/model/backbone/resnet.py rename to cv/distiller/rkd/pytorch/model/backbone/resnet.py diff --git a/cv/distiller/RKD/pytorch/model/embedding.py b/cv/distiller/rkd/pytorch/model/embedding.py similarity index 100% rename from cv/distiller/RKD/pytorch/model/embedding.py rename to cv/distiller/rkd/pytorch/model/embedding.py diff --git a/cv/distiller/RKD/pytorch/run.py b/cv/distiller/rkd/pytorch/run.py similarity index 100% rename from cv/distiller/RKD/pytorch/run.py rename to cv/distiller/rkd/pytorch/run.py diff --git a/cv/distiller/RKD/pytorch/run_distill.py b/cv/distiller/rkd/pytorch/run_distill.py similarity index 100% rename from cv/distiller/RKD/pytorch/run_distill.py rename to cv/distiller/rkd/pytorch/run_distill.py diff --git a/cv/distiller/RKD/pytorch/run_distill_fitnet.py b/cv/distiller/rkd/pytorch/run_distill_fitnet.py similarity index 100% rename from cv/distiller/RKD/pytorch/run_distill_fitnet.py rename to cv/distiller/rkd/pytorch/run_distill_fitnet.py diff --git a/cv/distiller/WSLD/pytorch/README.md b/cv/distiller/wsld/pytorch/README.md similarity index 100% rename from cv/distiller/WSLD/pytorch/README.md rename to cv/distiller/wsld/pytorch/README.md diff --git a/cv/distiller/WSLD/pytorch/dataset/__init__.py b/cv/distiller/wsld/pytorch/dataset/__init__.py similarity index 100% rename from cv/distiller/WSLD/pytorch/dataset/__init__.py rename to cv/distiller/wsld/pytorch/dataset/__init__.py diff --git a/cv/distiller/WSLD/pytorch/dataset/imagenet_data.py b/cv/distiller/wsld/pytorch/dataset/imagenet_data.py similarity index 100% rename from cv/distiller/WSLD/pytorch/dataset/imagenet_data.py rename to cv/distiller/wsld/pytorch/dataset/imagenet_data.py diff --git a/cv/distiller/WSLD/pytorch/dataset/img2lmdb.py b/cv/distiller/wsld/pytorch/dataset/img2lmdb.py similarity index 100% rename from cv/distiller/WSLD/pytorch/dataset/img2lmdb.py rename to cv/distiller/wsld/pytorch/dataset/img2lmdb.py diff --git a/cv/distiller/WSLD/pytorch/dataset/lmdb_dataset.py b/cv/distiller/wsld/pytorch/dataset/lmdb_dataset.py similarity index 100% rename from cv/distiller/WSLD/pytorch/dataset/lmdb_dataset.py rename to cv/distiller/wsld/pytorch/dataset/lmdb_dataset.py diff --git a/cv/distiller/WSLD/pytorch/dataset/mk_img_list.py b/cv/distiller/wsld/pytorch/dataset/mk_img_list.py similarity index 100% rename from cv/distiller/WSLD/pytorch/dataset/mk_img_list.py rename to cv/distiller/wsld/pytorch/dataset/mk_img_list.py diff --git a/cv/distiller/WSLD/pytorch/dataset/prefetch_data.py b/cv/distiller/wsld/pytorch/dataset/prefetch_data.py similarity index 100% rename from cv/distiller/WSLD/pytorch/dataset/prefetch_data.py rename to cv/distiller/wsld/pytorch/dataset/prefetch_data.py diff --git a/cv/distiller/WSLD/pytorch/dataset/torchvision_extension.py b/cv/distiller/wsld/pytorch/dataset/torchvision_extension.py similarity index 100% rename from cv/distiller/WSLD/pytorch/dataset/torchvision_extension.py rename to cv/distiller/wsld/pytorch/dataset/torchvision_extension.py diff --git a/cv/distiller/WSLD/pytorch/imagenet_train_cfg.py b/cv/distiller/wsld/pytorch/imagenet_train_cfg.py similarity index 100% rename from cv/distiller/WSLD/pytorch/imagenet_train_cfg.py rename to cv/distiller/wsld/pytorch/imagenet_train_cfg.py diff --git a/cv/distiller/WSLD/pytorch/knowledge_distiller.py b/cv/distiller/wsld/pytorch/knowledge_distiller.py similarity index 100% rename from cv/distiller/WSLD/pytorch/knowledge_distiller.py rename to cv/distiller/wsld/pytorch/knowledge_distiller.py diff --git a/cv/distiller/WSLD/pytorch/models/MobileNet.py b/cv/distiller/wsld/pytorch/models/MobileNet.py similarity index 100% rename from cv/distiller/WSLD/pytorch/models/MobileNet.py rename to cv/distiller/wsld/pytorch/models/MobileNet.py diff --git a/cv/distiller/WSLD/pytorch/models/ResNet.py b/cv/distiller/wsld/pytorch/models/ResNet.py similarity index 100% rename from cv/distiller/WSLD/pytorch/models/ResNet.py rename to cv/distiller/wsld/pytorch/models/ResNet.py diff --git a/cv/distiller/WSLD/pytorch/models/__init__.py b/cv/distiller/wsld/pytorch/models/__init__.py similarity index 100% rename from cv/distiller/WSLD/pytorch/models/__init__.py rename to cv/distiller/wsld/pytorch/models/__init__.py diff --git a/cv/distiller/WSLD/pytorch/tools/__init__.py b/cv/distiller/wsld/pytorch/tools/__init__.py similarity index 100% rename from cv/distiller/WSLD/pytorch/tools/__init__.py rename to cv/distiller/wsld/pytorch/tools/__init__.py diff --git a/cv/distiller/WSLD/pytorch/tools/collections.py b/cv/distiller/wsld/pytorch/tools/collections.py similarity index 100% rename from cv/distiller/WSLD/pytorch/tools/collections.py rename to cv/distiller/wsld/pytorch/tools/collections.py diff --git a/cv/distiller/WSLD/pytorch/tools/utils.py b/cv/distiller/wsld/pytorch/tools/utils.py similarity index 100% rename from cv/distiller/WSLD/pytorch/tools/utils.py rename to cv/distiller/wsld/pytorch/tools/utils.py diff --git a/cv/distiller/WSLD/pytorch/train_with_distillation.py b/cv/distiller/wsld/pytorch/train_with_distillation.py similarity index 100% rename from cv/distiller/WSLD/pytorch/train_with_distillation.py rename to cv/distiller/wsld/pytorch/train_with_distillation.py diff --git a/cv/image_generation/Pix2pix/paddlepaddle/README.md b/cv/image_generation/pix2pix/paddlepaddle/README.md similarity index 100% rename from cv/image_generation/Pix2pix/paddlepaddle/README.md rename to cv/image_generation/pix2pix/paddlepaddle/README.md diff --git a/cv/image_generation/Pix2pix/paddlepaddle/results.png b/cv/image_generation/pix2pix/paddlepaddle/results.png similarity index 100% rename from cv/image_generation/Pix2pix/paddlepaddle/results.png rename to cv/image_generation/pix2pix/paddlepaddle/results.png diff --git a/cv/instance_segmentation/SOLO/pytorch/.gitignore b/cv/instance_segmentation/solo/pytorch/.gitignore similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/.gitignore rename to cv/instance_segmentation/solo/pytorch/.gitignore diff --git a/cv/instance_segmentation/SOLO/pytorch/LICENSE b/cv/instance_segmentation/solo/pytorch/LICENSE similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/LICENSE rename to cv/instance_segmentation/solo/pytorch/LICENSE diff --git a/cv/instance_segmentation/SOLO/pytorch/README.md b/cv/instance_segmentation/solo/pytorch/README.md similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/README.md rename to cv/instance_segmentation/solo/pytorch/README.md diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/_base_/datasets/coco_instance.py b/cv/instance_segmentation/solo/pytorch/configs/_base_/datasets/coco_instance.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/_base_/datasets/coco_instance.py rename to cv/instance_segmentation/solo/pytorch/configs/_base_/datasets/coco_instance.py diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/_base_/default_runtime.py b/cv/instance_segmentation/solo/pytorch/configs/_base_/default_runtime.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/_base_/default_runtime.py rename to cv/instance_segmentation/solo/pytorch/configs/_base_/default_runtime.py diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/_base_/schedules/schedule_1x.py b/cv/instance_segmentation/solo/pytorch/configs/_base_/schedules/schedule_1x.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/_base_/schedules/schedule_1x.py rename to cv/instance_segmentation/solo/pytorch/configs/_base_/schedules/schedule_1x.py diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/solo/README.md b/cv/instance_segmentation/solo/pytorch/configs/solo/README.md similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/solo/README.md rename to cv/instance_segmentation/solo/pytorch/configs/solo/README.md diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/solo/decoupled_solo_light_r50_fpn_3x_coco.py b/cv/instance_segmentation/solo/pytorch/configs/solo/decoupled_solo_light_r50_fpn_3x_coco.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/solo/decoupled_solo_light_r50_fpn_3x_coco.py rename to cv/instance_segmentation/solo/pytorch/configs/solo/decoupled_solo_light_r50_fpn_3x_coco.py diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/solo/decoupled_solo_r50_fpn_1x_coco.py b/cv/instance_segmentation/solo/pytorch/configs/solo/decoupled_solo_r50_fpn_1x_coco.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/solo/decoupled_solo_r50_fpn_1x_coco.py rename to cv/instance_segmentation/solo/pytorch/configs/solo/decoupled_solo_r50_fpn_1x_coco.py diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/solo/decoupled_solo_r50_fpn_3x_coco.py b/cv/instance_segmentation/solo/pytorch/configs/solo/decoupled_solo_r50_fpn_3x_coco.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/solo/decoupled_solo_r50_fpn_3x_coco.py rename to cv/instance_segmentation/solo/pytorch/configs/solo/decoupled_solo_r50_fpn_3x_coco.py diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/solo/metafile.yml b/cv/instance_segmentation/solo/pytorch/configs/solo/metafile.yml similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/solo/metafile.yml rename to cv/instance_segmentation/solo/pytorch/configs/solo/metafile.yml diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/solo/solo_r50_fpn_1x_coco.py b/cv/instance_segmentation/solo/pytorch/configs/solo/solo_r50_fpn_1x_coco.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/solo/solo_r50_fpn_1x_coco.py rename to cv/instance_segmentation/solo/pytorch/configs/solo/solo_r50_fpn_1x_coco.py diff --git a/cv/instance_segmentation/SOLO/pytorch/configs/solo/solo_r50_fpn_3x_coco.py b/cv/instance_segmentation/solo/pytorch/configs/solo/solo_r50_fpn_3x_coco.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/configs/solo/solo_r50_fpn_3x_coco.py rename to cv/instance_segmentation/solo/pytorch/configs/solo/solo_r50_fpn_3x_coco.py diff --git a/cv/instance_segmentation/SOLO/pytorch/docker/Dockerfile b/cv/instance_segmentation/solo/pytorch/docker/Dockerfile similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/docker/Dockerfile rename to cv/instance_segmentation/solo/pytorch/docker/Dockerfile diff --git a/cv/instance_segmentation/SOLO/pytorch/docker/serve/Dockerfile b/cv/instance_segmentation/solo/pytorch/docker/serve/Dockerfile similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/docker/serve/Dockerfile rename to cv/instance_segmentation/solo/pytorch/docker/serve/Dockerfile diff --git a/cv/instance_segmentation/SOLO/pytorch/docker/serve/config.properties b/cv/instance_segmentation/solo/pytorch/docker/serve/config.properties similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/docker/serve/config.properties rename to cv/instance_segmentation/solo/pytorch/docker/serve/config.properties diff --git a/cv/instance_segmentation/SOLO/pytorch/docker/serve/entrypoint.sh b/cv/instance_segmentation/solo/pytorch/docker/serve/entrypoint.sh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/docker/serve/entrypoint.sh rename to cv/instance_segmentation/solo/pytorch/docker/serve/entrypoint.sh diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/alexnet.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/alexnet.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/alexnet.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/alexnet.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/activation.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/activation.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/activation.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/activation.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/context_block.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/context_block.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/context_block.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/context_block.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/conv.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/conv.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/conv.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/conv.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/conv_module.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/conv_module.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/conv_module.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/conv_module.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/conv_ws.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/conv_ws.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/conv_ws.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/conv_ws.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/drop.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/drop.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/drop.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/drop.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/generalized_attention.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/generalized_attention.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/generalized_attention.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/generalized_attention.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/hsigmoid.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/hsigmoid.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/hsigmoid.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/hsigmoid.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/hswish.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/hswish.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/hswish.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/hswish.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/non_local.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/non_local.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/non_local.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/non_local.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/norm.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/norm.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/norm.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/norm.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/padding.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/padding.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/padding.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/padding.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/plugin.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/plugin.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/plugin.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/plugin.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/registry.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/registry.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/registry.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/registry.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/scale.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/scale.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/scale.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/scale.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/swish.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/swish.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/swish.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/swish.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/transformer.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/transformer.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/transformer.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/transformer.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/upsample.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/upsample.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/upsample.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/upsample.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/wrappers.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/wrappers.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/bricks/wrappers.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/bricks/wrappers.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/builder.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/builder.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/resnet.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/resnet.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/resnet.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/resnet.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/flops_counter.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/flops_counter.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/flops_counter.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/flops_counter.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/fuse_conv_bn.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/fuse_conv_bn.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/fuse_conv_bn.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/fuse_conv_bn.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/sync_bn.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/sync_bn.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/sync_bn.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/sync_bn.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/weight_init.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/weight_init.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/utils/weight_init.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/utils/weight_init.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/vgg.py b/cv/instance_segmentation/solo/pytorch/mmcv/cnn/vgg.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/cnn/vgg.py rename to cv/instance_segmentation/solo/pytorch/mmcv/cnn/vgg.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/engine/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/engine/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/engine/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/engine/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/engine/test.py b/cv/instance_segmentation/solo/pytorch/mmcv/engine/test.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/engine/test.py rename to cv/instance_segmentation/solo/pytorch/mmcv/engine/test.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/file_client.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/file_client.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/file_client.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/file_client.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/base.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/base.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/base.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/base.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/json_handler.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/json_handler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/json_handler.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/json_handler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/pickle_handler.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/pickle_handler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/pickle_handler.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/pickle_handler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/yaml_handler.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/yaml_handler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/handlers/yaml_handler.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/handlers/yaml_handler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/io.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/io.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/io.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/io.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/parse.py b/cv/instance_segmentation/solo/pytorch/mmcv/fileio/parse.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/fileio/parse.py rename to cv/instance_segmentation/solo/pytorch/mmcv/fileio/parse.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/image/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/image/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/image/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/image/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/image/colorspace.py b/cv/instance_segmentation/solo/pytorch/mmcv/image/colorspace.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/image/colorspace.py rename to cv/instance_segmentation/solo/pytorch/mmcv/image/colorspace.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/image/geometric.py b/cv/instance_segmentation/solo/pytorch/mmcv/image/geometric.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/image/geometric.py rename to cv/instance_segmentation/solo/pytorch/mmcv/image/geometric.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/image/io.py b/cv/instance_segmentation/solo/pytorch/mmcv/image/io.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/image/io.py rename to cv/instance_segmentation/solo/pytorch/mmcv/image/io.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/image/misc.py b/cv/instance_segmentation/solo/pytorch/mmcv/image/misc.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/image/misc.py rename to cv/instance_segmentation/solo/pytorch/mmcv/image/misc.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/image/photometric.py b/cv/instance_segmentation/solo/pytorch/mmcv/image/photometric.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/image/photometric.py rename to cv/instance_segmentation/solo/pytorch/mmcv/image/photometric.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/model_zoo/deprecated.json b/cv/instance_segmentation/solo/pytorch/mmcv/model_zoo/deprecated.json similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/model_zoo/deprecated.json rename to cv/instance_segmentation/solo/pytorch/mmcv/model_zoo/deprecated.json diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/model_zoo/mmcls.json b/cv/instance_segmentation/solo/pytorch/mmcv/model_zoo/mmcls.json similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/model_zoo/mmcls.json rename to cv/instance_segmentation/solo/pytorch/mmcv/model_zoo/mmcls.json diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/model_zoo/open_mmlab.json b/cv/instance_segmentation/solo/pytorch/mmcv/model_zoo/open_mmlab.json similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/model_zoo/open_mmlab.json rename to cv/instance_segmentation/solo/pytorch/mmcv/model_zoo/open_mmlab.json diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/README.md b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/README.md similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/README.md rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/README.md diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/nms_cuda_kernel.cuh b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/nms_cuda_kernel.cuh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/nms_cuda_kernel.cuh rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/nms_cuda_kernel.cuh diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/nms_rotated_cuda.cuh b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/nms_rotated_cuda.cuh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/nms_rotated_cuda.cuh rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/nms_rotated_cuda.cuh diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/roi_align_cuda_kernel.cuh b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/roi_align_cuda_kernel.cuh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/roi_align_cuda_kernel.cuh rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/roi_align_cuda_kernel.cuh diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/roi_pool_cuda_kernel.cuh b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/roi_pool_cuda_kernel.cuh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/roi_pool_cuda_kernel.cuh rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/roi_pool_cuda_kernel.cuh diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/sigmoid_focal_loss_cuda_kernel.cuh b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/sigmoid_focal_loss_cuda_kernel.cuh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/sigmoid_focal_loss_cuda_kernel.cuh rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/sigmoid_focal_loss_cuda_kernel.cuh diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/softmax_focal_loss_cuda_kernel.cuh b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/softmax_focal_loss_cuda_kernel.cuh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/softmax_focal_loss_cuda_kernel.cuh rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/softmax_focal_loss_cuda_kernel.cuh diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/focal_loss_cuda.cu b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/focal_loss_cuda.cu similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/focal_loss_cuda.cu rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/focal_loss_cuda.cu diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/nms_cuda.cu b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/nms_cuda.cu similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/nms_cuda.cu rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/nms_cuda.cu diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/roi_align_cuda.cu b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/roi_align_cuda.cu similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/roi_align_cuda.cu rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/roi_align_cuda.cu diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/roi_pool_cuda.cu b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/roi_pool_cuda.cu similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/roi_pool_cuda.cu rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/roi_pool_cuda.cu diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/focal_loss.cpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/focal_loss.cpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/focal_loss.cpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/focal_loss.cpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/info.cpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/info.cpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/info.cpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/info.cpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/nms.cpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/nms.cpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/nms.cpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/nms.cpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/roi_align.cpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/roi_align.cpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/roi_align.cpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/roi_align.cpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/roi_align_cpu.cpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/roi_align_cpu.cpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/roi_align_cpu.cpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/roi_align_cpu.cpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/roi_pool.cpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/roi_pool.cpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/roi_pool.cpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/roi_pool.cpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp b/cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/deprecated_wrappers.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/deprecated_wrappers.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/deprecated_wrappers.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/deprecated_wrappers.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/focal_loss.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/focal_loss.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/focal_loss.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/focal_loss.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/info.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/info.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/info.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/info.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/nms.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/nms.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/nms.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/nms.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/point_sample.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/point_sample.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/point_sample.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/point_sample.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/roi_align.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/roi_align.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/roi_align.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/roi_align.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/roi_pool.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/roi_pool.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/roi_pool.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/roi_pool.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/ops/sync_bn.py b/cv/instance_segmentation/solo/pytorch/mmcv/ops/sync_bn.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/ops/sync_bn.py rename to cv/instance_segmentation/solo/pytorch/mmcv/ops/sync_bn.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/_functions.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/_functions.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/_functions.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/_functions.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/collate.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/collate.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/collate.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/collate.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/data_container.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/data_container.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/data_container.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/data_container.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/data_parallel.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/data_parallel.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/data_parallel.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/data_parallel.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/distributed.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/distributed.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/distributed.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/distributed.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/distributed_deprecated.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/distributed_deprecated.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/distributed_deprecated.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/distributed_deprecated.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/registry.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/registry.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/registry.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/registry.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/scatter_gather.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/scatter_gather.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/scatter_gather.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/scatter_gather.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/utils.py b/cv/instance_segmentation/solo/pytorch/mmcv/parallel/utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/parallel/utils.py rename to cv/instance_segmentation/solo/pytorch/mmcv/parallel/utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/base_module.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/base_module.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/base_module.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/base_module.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/base_runner.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/base_runner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/base_runner.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/base_runner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/builder.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/builder.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/checkpoint.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/checkpoint.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/checkpoint.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/checkpoint.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/default_constructor.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/default_constructor.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/default_constructor.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/default_constructor.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/dist_utils.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/dist_utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/dist_utils.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/dist_utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/epoch_based_runner.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/epoch_based_runner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/epoch_based_runner.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/epoch_based_runner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/fp16_utils.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/fp16_utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/fp16_utils.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/fp16_utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/checkpoint.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/checkpoint.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/checkpoint.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/checkpoint.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/closure.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/closure.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/closure.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/closure.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/ema.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/ema.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/ema.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/ema.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/evaluation.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/evaluation.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/evaluation.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/evaluation.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/hook.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/hook.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/iter_timer.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/iter_timer.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/iter_timer.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/base.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/base.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/base.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/base.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/dvclive.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/dvclive.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/dvclive.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/dvclive.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/mlflow.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/mlflow.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/mlflow.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/mlflow.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/neptune.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/neptune.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/neptune.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/neptune.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/pavi.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/pavi.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/pavi.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/pavi.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/tensorboard.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/tensorboard.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/tensorboard.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/tensorboard.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/text.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/text.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/text.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/text.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/wandb.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/wandb.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/logger/wandb.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/logger/wandb.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/lr_updater.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/lr_updater.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/lr_updater.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/lr_updater.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/memory.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/memory.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/memory.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/memory.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/momentum_updater.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/momentum_updater.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/momentum_updater.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/momentum_updater.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/optimizer.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/optimizer.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/optimizer.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/optimizer.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/profiler.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/profiler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/profiler.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/profiler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/sampler_seed.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/sampler_seed.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/sampler_seed.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/sampler_seed.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/sync_buffer.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/sync_buffer.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/hooks/sync_buffer.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/hooks/sync_buffer.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/iter_based_runner.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/iter_based_runner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/iter_based_runner.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/iter_based_runner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/log_buffer.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/log_buffer.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/log_buffer.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/log_buffer.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/optimizer/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/optimizer/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/optimizer/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/optimizer/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/optimizer/builder.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/optimizer/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/optimizer/builder.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/optimizer/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/optimizer/default_constructor.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/optimizer/default_constructor.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/optimizer/default_constructor.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/optimizer/default_constructor.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/priority.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/priority.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/priority.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/priority.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/runner/utils.py b/cv/instance_segmentation/solo/pytorch/mmcv/runner/utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/runner/utils.py rename to cv/instance_segmentation/solo/pytorch/mmcv/runner/utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/__init__.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/config.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/config.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/config.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/config.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/env.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/env.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/env.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/env.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/ext_loader.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/ext_loader.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/ext_loader.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/ext_loader.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/logging.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/logging.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/logging.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/logging.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/misc.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/misc.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/misc.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/misc.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/parrots_jit.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/parrots_jit.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/parrots_jit.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/parrots_jit.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/parrots_wrapper.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/parrots_wrapper.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/parrots_wrapper.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/parrots_wrapper.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/path.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/path.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/path.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/path.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/progressbar.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/progressbar.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/progressbar.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/progressbar.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/registry.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/registry.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/registry.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/registry.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/testing.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/testing.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/testing.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/testing.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/timer.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/timer.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/timer.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/timer.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/trace.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/trace.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/trace.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/trace.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/utils/version_utils.py b/cv/instance_segmentation/solo/pytorch/mmcv/utils/version_utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/utils/version_utils.py rename to cv/instance_segmentation/solo/pytorch/mmcv/utils/version_utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmcv/version.py b/cv/instance_segmentation/solo/pytorch/mmcv/version.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmcv/version.py rename to cv/instance_segmentation/solo/pytorch/mmcv/version.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/apis/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/apis/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/apis/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/apis/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/apis/inference.py b/cv/instance_segmentation/solo/pytorch/mmdet/apis/inference.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/apis/inference.py rename to cv/instance_segmentation/solo/pytorch/mmdet/apis/inference.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/apis/test.py b/cv/instance_segmentation/solo/pytorch/mmdet/apis/test.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/apis/test.py rename to cv/instance_segmentation/solo/pytorch/mmdet/apis/test.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/apis/train.py b/cv/instance_segmentation/solo/pytorch/mmdet/apis/train.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/apis/train.py rename to cv/instance_segmentation/solo/pytorch/mmdet/apis/train.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/anchor_generator.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/anchor_generator.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/anchor_generator.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/anchor_generator.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/builder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/builder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/point_generator.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/point_generator.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/point_generator.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/point_generator.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/utils.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/anchor/utils.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/anchor/utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/approx_max_iou_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/approx_max_iou_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/approx_max_iou_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/approx_max_iou_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/assign_result.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/assign_result.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/assign_result.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/assign_result.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/atss_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/atss_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/atss_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/atss_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/base_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/base_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/base_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/base_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/center_region_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/center_region_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/center_region_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/center_region_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/grid_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/grid_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/grid_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/grid_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/hungarian_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/hungarian_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/hungarian_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/hungarian_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/mask_hungarian_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/mask_hungarian_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/mask_hungarian_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/mask_hungarian_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/max_iou_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/max_iou_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/max_iou_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/max_iou_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/point_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/point_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/point_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/point_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/region_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/region_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/region_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/region_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/sim_ota_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/sim_ota_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/sim_ota_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/sim_ota_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/task_aligned_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/task_aligned_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/task_aligned_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/task_aligned_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/uniform_assigner.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/uniform_assigner.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/assigners/uniform_assigner.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/assigners/uniform_assigner.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/builder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/builder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/base_bbox_coder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/base_bbox_coder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/base_bbox_coder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/base_bbox_coder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/bucketing_bbox_coder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/bucketing_bbox_coder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/bucketing_bbox_coder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/bucketing_bbox_coder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/delta_xywh_bbox_coder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/delta_xywh_bbox_coder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/delta_xywh_bbox_coder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/delta_xywh_bbox_coder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/distance_point_bbox_coder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/distance_point_bbox_coder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/distance_point_bbox_coder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/distance_point_bbox_coder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/legacy_delta_xywh_bbox_coder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/legacy_delta_xywh_bbox_coder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/legacy_delta_xywh_bbox_coder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/legacy_delta_xywh_bbox_coder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/pseudo_bbox_coder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/pseudo_bbox_coder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/pseudo_bbox_coder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/pseudo_bbox_coder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/tblr_bbox_coder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/tblr_bbox_coder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/tblr_bbox_coder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/tblr_bbox_coder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/yolo_bbox_coder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/yolo_bbox_coder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/coder/yolo_bbox_coder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/coder/yolo_bbox_coder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/demodata.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/demodata.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/demodata.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/demodata.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/iou_calculators/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/iou_calculators/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/iou_calculators/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/iou_calculators/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/iou_calculators/builder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/iou_calculators/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/iou_calculators/builder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/iou_calculators/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/iou_calculators/iou2d_calculator.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/iou_calculators/iou2d_calculator.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/iou_calculators/iou2d_calculator.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/iou_calculators/iou2d_calculator.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/match_costs/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/match_costs/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/match_costs/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/match_costs/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/match_costs/builder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/match_costs/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/match_costs/builder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/match_costs/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/match_costs/match_cost.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/match_costs/match_cost.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/match_costs/match_cost.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/match_costs/match_cost.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/base_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/base_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/base_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/base_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/combined_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/combined_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/combined_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/combined_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/instance_balanced_pos_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/instance_balanced_pos_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/instance_balanced_pos_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/instance_balanced_pos_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/iou_balanced_neg_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/iou_balanced_neg_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/iou_balanced_neg_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/iou_balanced_neg_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/mask_pseudo_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/mask_pseudo_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/mask_pseudo_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/mask_pseudo_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/mask_sampling_result.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/mask_sampling_result.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/mask_sampling_result.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/mask_sampling_result.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/ohem_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/ohem_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/ohem_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/ohem_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/pseudo_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/pseudo_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/pseudo_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/pseudo_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/random_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/random_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/random_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/random_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/sampling_result.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/sampling_result.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/sampling_result.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/sampling_result.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/score_hlr_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/score_hlr_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/samplers/score_hlr_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/samplers/score_hlr_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/transforms.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/transforms.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/bbox/transforms.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/bbox/transforms.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/data_structures/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/data_structures/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/data_structures/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/data_structures/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/data_structures/general_data.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/data_structures/general_data.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/data_structures/general_data.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/data_structures/general_data.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/data_structures/instance_data.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/data_structures/instance_data.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/data_structures/instance_data.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/data_structures/instance_data.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/bbox_overlaps.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/bbox_overlaps.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/bbox_overlaps.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/bbox_overlaps.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/class_names.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/class_names.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/class_names.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/class_names.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/eval_hooks.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/eval_hooks.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/eval_hooks.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/eval_hooks.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/mean_ap.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/mean_ap.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/mean_ap.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/mean_ap.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/panoptic_utils.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/panoptic_utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/panoptic_utils.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/panoptic_utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/recall.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/recall.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/evaluation/recall.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/evaluation/recall.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/export/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/export/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/export/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/export/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/export/model_wrappers.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/export/model_wrappers.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/export/model_wrappers.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/export/model_wrappers.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/export/onnx_helper.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/export/onnx_helper.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/export/onnx_helper.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/export/onnx_helper.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/export/pytorch2onnx.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/export/pytorch2onnx.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/export/pytorch2onnx.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/export/pytorch2onnx.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/checkloss_hook.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/checkloss_hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/checkloss_hook.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/checkloss_hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/ema.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/ema.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/ema.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/ema.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/memory_profiler_hook.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/memory_profiler_hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/memory_profiler_hook.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/memory_profiler_hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/set_epoch_info_hook.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/set_epoch_info_hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/set_epoch_info_hook.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/set_epoch_info_hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/sync_norm_hook.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/sync_norm_hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/sync_norm_hook.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/sync_norm_hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/sync_random_size_hook.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/sync_random_size_hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/sync_random_size_hook.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/sync_random_size_hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/wandblogger_hook.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/wandblogger_hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/wandblogger_hook.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/wandblogger_hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/yolox_lrupdater_hook.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/yolox_lrupdater_hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/yolox_lrupdater_hook.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/yolox_lrupdater_hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/yolox_mode_switch_hook.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/hook/yolox_mode_switch_hook.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/hook/yolox_mode_switch_hook.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/hook/yolox_mode_switch_hook.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/mask/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/mask/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/mask/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/mask/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/mask/mask_target.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/mask/mask_target.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/mask/mask_target.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/mask/mask_target.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/mask/structures.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/mask/structures.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/mask/structures.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/mask/structures.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/mask/utils.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/mask/utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/mask/utils.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/mask/utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/optimizers/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/optimizers/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/optimizers/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/optimizers/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/optimizers/builder.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/optimizers/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/optimizers/builder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/optimizers/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/optimizers/layer_decay_optimizer_constructor.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/optimizers/layer_decay_optimizer_constructor.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/optimizers/layer_decay_optimizer_constructor.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/optimizers/layer_decay_optimizer_constructor.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/post_processing/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/post_processing/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/post_processing/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/post_processing/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/post_processing/bbox_nms.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/post_processing/bbox_nms.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/post_processing/bbox_nms.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/post_processing/bbox_nms.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/post_processing/matrix_nms.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/post_processing/matrix_nms.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/post_processing/matrix_nms.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/post_processing/matrix_nms.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/post_processing/merge_augs.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/post_processing/merge_augs.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/post_processing/merge_augs.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/post_processing/merge_augs.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/utils/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/utils/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/utils/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/utils/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/utils/dist_utils.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/utils/dist_utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/utils/dist_utils.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/utils/dist_utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/utils/misc.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/utils/misc.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/utils/misc.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/utils/misc.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/visualization/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/visualization/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/visualization/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/visualization/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/visualization/image.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/visualization/image.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/visualization/image.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/visualization/image.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/core/visualization/palette.py b/cv/instance_segmentation/solo/pytorch/mmdet/core/visualization/palette.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/core/visualization/palette.py rename to cv/instance_segmentation/solo/pytorch/mmdet/core/visualization/palette.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/api_wrappers/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/api_wrappers/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/api_wrappers/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/api_wrappers/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/api_wrappers/coco_api.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/api_wrappers/coco_api.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/api_wrappers/coco_api.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/api_wrappers/coco_api.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/api_wrappers/panoptic_evaluation.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/api_wrappers/panoptic_evaluation.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/api_wrappers/panoptic_evaluation.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/api_wrappers/panoptic_evaluation.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/builder.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/builder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/coco.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/coco.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/coco.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/coco.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/custom.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/custom.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/custom.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/custom.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/dataset_wrappers.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/dataset_wrappers.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/dataset_wrappers.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/dataset_wrappers.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/compose.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/compose.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/compose.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/compose.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/formating.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/formating.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/formating.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/formating.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/formatting.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/formatting.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/formatting.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/formatting.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/loading.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/loading.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/loading.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/loading.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/test_time_aug.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/test_time_aug.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/test_time_aug.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/test_time_aug.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/transforms.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/transforms.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/pipelines/transforms.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/pipelines/transforms.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/class_aware_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/class_aware_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/class_aware_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/class_aware_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/distributed_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/distributed_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/distributed_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/distributed_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/group_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/group_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/group_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/group_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/infinite_sampler.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/infinite_sampler.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/samplers/infinite_sampler.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/samplers/infinite_sampler.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/utils.py b/cv/instance_segmentation/solo/pytorch/mmdet/datasets/utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/datasets/utils.py rename to cv/instance_segmentation/solo/pytorch/mmdet/datasets/utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/backbones/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/backbones/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/backbones/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/backbones/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/backbones/resnet.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/backbones/resnet.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/backbones/resnet.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/backbones/resnet.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/builder.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/builder.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/builder.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/builder.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/anchor_head.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/anchor_head.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/anchor_head.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/anchor_head.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/base_dense_head.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/base_dense_head.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/base_dense_head.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/base_dense_head.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/base_mask_head.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/base_mask_head.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/base_mask_head.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/base_mask_head.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/dense_test_mixins.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/dense_test_mixins.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/dense_test_mixins.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/dense_test_mixins.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/solo_head.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/solo_head.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/dense_heads/solo_head.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/dense_heads/solo_head.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/detectors/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/detectors/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/detectors/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/detectors/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/detectors/base.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/detectors/base.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/detectors/base.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/detectors/base.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/detectors/single_stage_instance_seg.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/detectors/single_stage_instance_seg.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/detectors/single_stage_instance_seg.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/detectors/single_stage_instance_seg.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/detectors/solo.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/detectors/solo.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/detectors/solo.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/detectors/solo.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/losses/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/losses/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/accuracy.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/losses/accuracy.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/accuracy.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/losses/accuracy.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/dice_loss.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/losses/dice_loss.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/dice_loss.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/losses/dice_loss.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/focal_loss.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/losses/focal_loss.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/focal_loss.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/losses/focal_loss.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/iou_loss.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/losses/iou_loss.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/iou_loss.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/losses/iou_loss.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/utils.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/losses/utils.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/losses/utils.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/losses/utils.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/necks/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/necks/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/necks/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/necks/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/necks/fpn.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/necks/fpn.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/necks/fpn.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/necks/fpn.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/utils/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/utils/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/utils/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/utils/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/models/utils/res_layer.py b/cv/instance_segmentation/solo/pytorch/mmdet/models/utils/res_layer.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/models/utils/res_layer.py rename to cv/instance_segmentation/solo/pytorch/mmdet/models/utils/res_layer.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/__init__.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/__init__.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/__init__.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/__init__.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/collect_env.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/collect_env.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/collect_env.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/collect_env.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/compat_config.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/compat_config.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/compat_config.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/compat_config.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/contextmanagers.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/contextmanagers.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/contextmanagers.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/contextmanagers.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/logger.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/logger.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/logger.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/logger.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/memory.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/memory.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/memory.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/memory.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/misc.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/misc.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/misc.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/misc.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/profiling.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/profiling.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/profiling.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/profiling.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/replace_cfg_vals.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/replace_cfg_vals.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/replace_cfg_vals.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/replace_cfg_vals.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/setup_env.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/setup_env.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/setup_env.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/setup_env.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/split_batch.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/split_batch.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/split_batch.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/split_batch.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/util_distribution.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/util_distribution.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/util_distribution.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/util_distribution.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/util_mixins.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/util_mixins.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/util_mixins.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/util_mixins.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/utils/util_random.py b/cv/instance_segmentation/solo/pytorch/mmdet/utils/util_random.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/utils/util_random.py rename to cv/instance_segmentation/solo/pytorch/mmdet/utils/util_random.py diff --git a/cv/instance_segmentation/SOLO/pytorch/mmdet/version.py b/cv/instance_segmentation/solo/pytorch/mmdet/version.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/mmdet/version.py rename to cv/instance_segmentation/solo/pytorch/mmdet/version.py diff --git a/cv/instance_segmentation/SOLO/pytorch/pytest.ini b/cv/instance_segmentation/solo/pytorch/pytest.ini similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/pytest.ini rename to cv/instance_segmentation/solo/pytorch/pytest.ini diff --git a/cv/instance_segmentation/SOLO/pytorch/requirements.txt b/cv/instance_segmentation/solo/pytorch/requirements.txt similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/requirements.txt rename to cv/instance_segmentation/solo/pytorch/requirements.txt diff --git a/cv/instance_segmentation/SOLO/pytorch/setup.py b/cv/instance_segmentation/solo/pytorch/setup.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/setup.py rename to cv/instance_segmentation/solo/pytorch/setup.py diff --git a/cv/instance_segmentation/SOLO/pytorch/train.py b/cv/instance_segmentation/solo/pytorch/train.py similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/train.py rename to cv/instance_segmentation/solo/pytorch/train.py diff --git a/cv/instance_segmentation/SOLO/pytorch/train.sh b/cv/instance_segmentation/solo/pytorch/train.sh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/train.sh rename to cv/instance_segmentation/solo/pytorch/train.sh diff --git a/cv/instance_segmentation/SOLO/pytorch/train_dist.sh b/cv/instance_segmentation/solo/pytorch/train_dist.sh similarity index 100% rename from cv/instance_segmentation/SOLO/pytorch/train_dist.sh rename to cv/instance_segmentation/solo/pytorch/train_dist.sh diff --git a/cv/self_supervised_learning/MAE/pytorch/.gitignore b/cv/self_supervised_learning/mae/pytorch/.gitignore similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/.gitignore rename to cv/self_supervised_learning/mae/pytorch/.gitignore diff --git a/cv/self_supervised_learning/MAE/pytorch/README.md b/cv/self_supervised_learning/mae/pytorch/README.md similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/README.md rename to cv/self_supervised_learning/mae/pytorch/README.md diff --git a/cv/self_supervised_learning/MAE/pytorch/dataset_folder.py b/cv/self_supervised_learning/mae/pytorch/dataset_folder.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/dataset_folder.py rename to cv/self_supervised_learning/mae/pytorch/dataset_folder.py diff --git a/cv/self_supervised_learning/MAE/pytorch/datasets.py b/cv/self_supervised_learning/mae/pytorch/datasets.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/datasets.py rename to cv/self_supervised_learning/mae/pytorch/datasets.py diff --git a/cv/self_supervised_learning/MAE/pytorch/engine_for_finetuning.py b/cv/self_supervised_learning/mae/pytorch/engine_for_finetuning.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/engine_for_finetuning.py rename to cv/self_supervised_learning/mae/pytorch/engine_for_finetuning.py diff --git a/cv/self_supervised_learning/MAE/pytorch/engine_for_pretraining.py b/cv/self_supervised_learning/mae/pytorch/engine_for_pretraining.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/engine_for_pretraining.py rename to cv/self_supervised_learning/mae/pytorch/engine_for_pretraining.py diff --git a/cv/self_supervised_learning/MAE/pytorch/files/ILSVRC2012_val_00031649.JPEG b/cv/self_supervised_learning/mae/pytorch/files/ILSVRC2012_val_00031649.JPEG similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/files/ILSVRC2012_val_00031649.JPEG rename to cv/self_supervised_learning/mae/pytorch/files/ILSVRC2012_val_00031649.JPEG diff --git a/cv/self_supervised_learning/MAE/pytorch/files/pretrain_base_0.75_400e.txt b/cv/self_supervised_learning/mae/pytorch/files/pretrain_base_0.75_400e.txt similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/files/pretrain_base_0.75_400e.txt rename to cv/self_supervised_learning/mae/pytorch/files/pretrain_base_0.75_400e.txt diff --git a/cv/self_supervised_learning/MAE/pytorch/files/pretrain_base_0.75_400e_finetune_100e.txt b/cv/self_supervised_learning/mae/pytorch/files/pretrain_base_0.75_400e_finetune_100e.txt similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/files/pretrain_base_0.75_400e_finetune_100e.txt rename to cv/self_supervised_learning/mae/pytorch/files/pretrain_base_0.75_400e_finetune_100e.txt diff --git a/cv/self_supervised_learning/MAE/pytorch/files/pretrain_large_0.75_400e.txt b/cv/self_supervised_learning/mae/pytorch/files/pretrain_large_0.75_400e.txt similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/files/pretrain_large_0.75_400e.txt rename to cv/self_supervised_learning/mae/pytorch/files/pretrain_large_0.75_400e.txt diff --git a/cv/self_supervised_learning/MAE/pytorch/files/pretrain_large_0.75_400e_finetune_50e.txt b/cv/self_supervised_learning/mae/pytorch/files/pretrain_large_0.75_400e_finetune_50e.txt similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/files/pretrain_large_0.75_400e_finetune_50e.txt rename to cv/self_supervised_learning/mae/pytorch/files/pretrain_large_0.75_400e_finetune_50e.txt diff --git a/cv/self_supervised_learning/MAE/pytorch/masking_generator.py b/cv/self_supervised_learning/mae/pytorch/masking_generator.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/masking_generator.py rename to cv/self_supervised_learning/mae/pytorch/masking_generator.py diff --git a/cv/self_supervised_learning/MAE/pytorch/modeling_finetune.py b/cv/self_supervised_learning/mae/pytorch/modeling_finetune.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/modeling_finetune.py rename to cv/self_supervised_learning/mae/pytorch/modeling_finetune.py diff --git a/cv/self_supervised_learning/MAE/pytorch/modeling_pretrain.py b/cv/self_supervised_learning/mae/pytorch/modeling_pretrain.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/modeling_pretrain.py rename to cv/self_supervised_learning/mae/pytorch/modeling_pretrain.py diff --git a/cv/self_supervised_learning/MAE/pytorch/optim_factory.py b/cv/self_supervised_learning/mae/pytorch/optim_factory.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/optim_factory.py rename to cv/self_supervised_learning/mae/pytorch/optim_factory.py diff --git a/cv/self_supervised_learning/MAE/pytorch/requirements.txt b/cv/self_supervised_learning/mae/pytorch/requirements.txt similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/requirements.txt rename to cv/self_supervised_learning/mae/pytorch/requirements.txt diff --git a/cv/self_supervised_learning/MAE/pytorch/run.sh b/cv/self_supervised_learning/mae/pytorch/run.sh similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/run.sh rename to cv/self_supervised_learning/mae/pytorch/run.sh diff --git a/cv/self_supervised_learning/MAE/pytorch/run_class_finetuning.py b/cv/self_supervised_learning/mae/pytorch/run_class_finetuning.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/run_class_finetuning.py rename to cv/self_supervised_learning/mae/pytorch/run_class_finetuning.py diff --git a/cv/self_supervised_learning/MAE/pytorch/run_mae_pretraining.py b/cv/self_supervised_learning/mae/pytorch/run_mae_pretraining.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/run_mae_pretraining.py rename to cv/self_supervised_learning/mae/pytorch/run_mae_pretraining.py diff --git a/cv/self_supervised_learning/MAE/pytorch/run_mae_vis.py b/cv/self_supervised_learning/mae/pytorch/run_mae_vis.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/run_mae_vis.py rename to cv/self_supervised_learning/mae/pytorch/run_mae_vis.py diff --git a/cv/self_supervised_learning/MAE/pytorch/transforms.py b/cv/self_supervised_learning/mae/pytorch/transforms.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/transforms.py rename to cv/self_supervised_learning/mae/pytorch/transforms.py diff --git a/cv/self_supervised_learning/MAE/pytorch/utils.py b/cv/self_supervised_learning/mae/pytorch/utils.py similarity index 100% rename from cv/self_supervised_learning/MAE/pytorch/utils.py rename to cv/self_supervised_learning/mae/pytorch/utils.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/ADVANCED_USAGE.md b/cv/semantic_segmentation/mask2former/pytorch/ADVANCED_USAGE.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/ADVANCED_USAGE.md rename to cv/semantic_segmentation/mask2former/pytorch/ADVANCED_USAGE.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/CODE_OF_CONDUCT.md b/cv/semantic_segmentation/mask2former/pytorch/CODE_OF_CONDUCT.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/CODE_OF_CONDUCT.md rename to cv/semantic_segmentation/mask2former/pytorch/CODE_OF_CONDUCT.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/CONTRIBUTING.md b/cv/semantic_segmentation/mask2former/pytorch/CONTRIBUTING.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/CONTRIBUTING.md rename to cv/semantic_segmentation/mask2former/pytorch/CONTRIBUTING.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/GETTING_STARTED.md b/cv/semantic_segmentation/mask2former/pytorch/GETTING_STARTED.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/GETTING_STARTED.md rename to cv/semantic_segmentation/mask2former/pytorch/GETTING_STARTED.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/INSTALL.md b/cv/semantic_segmentation/mask2former/pytorch/INSTALL.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/INSTALL.md rename to cv/semantic_segmentation/mask2former/pytorch/INSTALL.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/LICENSE b/cv/semantic_segmentation/mask2former/pytorch/LICENSE similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/LICENSE rename to cv/semantic_segmentation/mask2former/pytorch/LICENSE diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/MODEL_ZOO.md b/cv/semantic_segmentation/mask2former/pytorch/MODEL_ZOO.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/MODEL_ZOO.md rename to cv/semantic_segmentation/mask2former/pytorch/MODEL_ZOO.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/README.md b/cv/semantic_segmentation/mask2former/pytorch/README.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/README.md rename to cv/semantic_segmentation/mask2former/pytorch/README.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/cog.yaml b/cv/semantic_segmentation/mask2former/pytorch/cog.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/cog.yaml rename to cv/semantic_segmentation/mask2former/pytorch/cog.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/instance-segmentation/Base-ADE20K-InstanceSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/instance-segmentation/Base-ADE20K-InstanceSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/instance-segmentation/Base-ADE20K-InstanceSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/instance-segmentation/Base-ADE20K-InstanceSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/instance-segmentation/maskformer2_R50_bs16_160k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/instance-segmentation/maskformer2_R50_bs16_160k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/instance-segmentation/maskformer2_R50_bs16_160k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/instance-segmentation/maskformer2_R50_bs16_160k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/panoptic-segmentation/Base-ADE20K-PanopticSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/panoptic-segmentation/Base-ADE20K-PanopticSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/panoptic-segmentation/Base-ADE20K-PanopticSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/panoptic-segmentation/Base-ADE20K-PanopticSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/panoptic-segmentation/maskformer2_R50_bs16_160k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/panoptic-segmentation/maskformer2_R50_bs16_160k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/panoptic-segmentation/maskformer2_R50_bs16_160k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/panoptic-segmentation/maskformer2_R50_bs16_160k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/Base-ADE20K-SemanticSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/Base-ADE20K-SemanticSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/Base-ADE20K-SemanticSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/Base-ADE20K-SemanticSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/maskformer2_R101_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/maskformer2_R101_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/maskformer2_R101_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/maskformer2_R101_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/maskformer2_R50_bs16_160k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/maskformer2_R50_bs16_160k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/maskformer2_R50_bs16_160k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/maskformer2_R50_bs16_160k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_384_bs16_160k_res640.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_384_bs16_160k_res640.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_384_bs16_160k_res640.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_384_bs16_160k_res640.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_160k_res640.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_160k_res640.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_160k_res640.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_160k_res640.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k_res640.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k_res640.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k_res640.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k_res640.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_small_bs16_160k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_small_bs16_160k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_small_bs16_160k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_small_bs16_160k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_160k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_160k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_160k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_160k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/Base-Cityscapes-InstanceSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/Base-Cityscapes-InstanceSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/Base-Cityscapes-InstanceSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/Base-Cityscapes-InstanceSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/maskformer2_R101_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/maskformer2_R101_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/maskformer2_R101_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/maskformer2_R101_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/maskformer2_R50_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/maskformer2_R50_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/maskformer2_R50_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/maskformer2_R50_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/Base-Cityscapes-PanopticSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/Base-Cityscapes-PanopticSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/Base-Cityscapes-PanopticSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/Base-Cityscapes-PanopticSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/maskformer2_R101_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/maskformer2_R101_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/maskformer2_R101_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/maskformer2_R101_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/maskformer2_R50_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/maskformer2_R50_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/maskformer2_R50_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/maskformer2_R50_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/Base-Cityscapes-SemanticSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/Base-Cityscapes-SemanticSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/Base-Cityscapes-SemanticSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/Base-Cityscapes-SemanticSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/maskformer2_R101_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/maskformer2_R101_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/maskformer2_R101_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/maskformer2_R101_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/maskformer2_R50_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/maskformer2_R50_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/maskformer2_R50_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/maskformer2_R50_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/Base-COCO-InstanceSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/Base-COCO-InstanceSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/Base-COCO-InstanceSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/Base-COCO-InstanceSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/maskformer2_R101_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/maskformer2_R101_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/maskformer2_R101_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/maskformer2_R101_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/maskformer2_R50_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/maskformer2_R50_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/maskformer2_R50_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/maskformer2_R50_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/instance-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/Base-COCO-PanopticSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/Base-COCO-PanopticSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/Base-COCO-PanopticSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/Base-COCO-PanopticSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/maskformer2_R101_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/maskformer2_R101_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/maskformer2_R101_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/maskformer2_R101_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/maskformer2_R50_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/maskformer2_R50_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/maskformer2_R50_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/maskformer2_R50_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/coco/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/panoptic-segmentation/Base-MapillaryVistas-PanopticSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/panoptic-segmentation/Base-MapillaryVistas-PanopticSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/panoptic-segmentation/Base-MapillaryVistas-PanopticSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/panoptic-segmentation/Base-MapillaryVistas-PanopticSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/panoptic-segmentation/maskformer_R50_bs16_300k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/panoptic-segmentation/maskformer_R50_bs16_300k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/panoptic-segmentation/maskformer_R50_bs16_300k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/panoptic-segmentation/maskformer_R50_bs16_300k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/semantic-segmentation/Base-MapillaryVistas-SemanticSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/semantic-segmentation/Base-MapillaryVistas-SemanticSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/semantic-segmentation/Base-MapillaryVistas-SemanticSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/semantic-segmentation/Base-MapillaryVistas-SemanticSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/semantic-segmentation/maskformer2_R50_bs16_300k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/semantic-segmentation/maskformer2_R50_bs16_300k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/semantic-segmentation/maskformer2_R50_bs16_300k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/semantic-segmentation/maskformer2_R50_bs16_300k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/mapillary-vistas/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/mapillary-vistas/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/Base-YouTubeVIS-VideoInstanceSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/Base-YouTubeVIS-VideoInstanceSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/Base-YouTubeVIS-VideoInstanceSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/Base-YouTubeVIS-VideoInstanceSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_small_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_small_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_small_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_small_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/video_maskformer2_R101_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/video_maskformer2_R101_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/video_maskformer2_R101_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/video_maskformer2_R101_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/video_maskformer2_R50_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/video_maskformer2_R50_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2019/video_maskformer2_R50_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2019/video_maskformer2_R50_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/Base-YouTubeVIS-VideoInstanceSegmentation.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/Base-YouTubeVIS-VideoInstanceSegmentation.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/Base-YouTubeVIS-VideoInstanceSegmentation.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/Base-YouTubeVIS-VideoInstanceSegmentation.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_small_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_small_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_small_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_small_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/video_maskformer2_R101_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/video_maskformer2_R101_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/video_maskformer2_R101_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/video_maskformer2_R101_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/video_maskformer2_R50_bs16_8ep.yaml b/cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/video_maskformer2_R50_bs16_8ep.yaml similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/configs/youtubevis_2021/video_maskformer2_R50_bs16_8ep.yaml rename to cv/semantic_segmentation/mask2former/pytorch/configs/youtubevis_2021/video_maskformer2_R50_bs16_8ep.yaml diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/datasets/README.md b/cv/semantic_segmentation/mask2former/pytorch/datasets/README.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/datasets/README.md rename to cv/semantic_segmentation/mask2former/pytorch/datasets/README.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/datasets/ade20k_instance_catid_mapping.txt b/cv/semantic_segmentation/mask2former/pytorch/datasets/ade20k_instance_catid_mapping.txt similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/datasets/ade20k_instance_catid_mapping.txt rename to cv/semantic_segmentation/mask2former/pytorch/datasets/ade20k_instance_catid_mapping.txt diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/datasets/prepare_ade20k_ins_seg.py b/cv/semantic_segmentation/mask2former/pytorch/datasets/prepare_ade20k_ins_seg.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/datasets/prepare_ade20k_ins_seg.py rename to cv/semantic_segmentation/mask2former/pytorch/datasets/prepare_ade20k_ins_seg.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/datasets/prepare_ade20k_pan_seg.py b/cv/semantic_segmentation/mask2former/pytorch/datasets/prepare_ade20k_pan_seg.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/datasets/prepare_ade20k_pan_seg.py rename to cv/semantic_segmentation/mask2former/pytorch/datasets/prepare_ade20k_pan_seg.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/datasets/prepare_ade20k_sem_seg.py b/cv/semantic_segmentation/mask2former/pytorch/datasets/prepare_ade20k_sem_seg.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/datasets/prepare_ade20k_sem_seg.py rename to cv/semantic_segmentation/mask2former/pytorch/datasets/prepare_ade20k_sem_seg.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/datasets/prepare_coco_semantic_annos_from_panoptic_annos.py b/cv/semantic_segmentation/mask2former/pytorch/datasets/prepare_coco_semantic_annos_from_panoptic_annos.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/datasets/prepare_coco_semantic_annos_from_panoptic_annos.py rename to cv/semantic_segmentation/mask2former/pytorch/datasets/prepare_coco_semantic_annos_from_panoptic_annos.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/demo/README.md b/cv/semantic_segmentation/mask2former/pytorch/demo/README.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/demo/README.md rename to cv/semantic_segmentation/mask2former/pytorch/demo/README.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/demo/demo.py b/cv/semantic_segmentation/mask2former/pytorch/demo/demo.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/demo/demo.py rename to cv/semantic_segmentation/mask2former/pytorch/demo/demo.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/demo/predictor.py b/cv/semantic_segmentation/mask2former/pytorch/demo/predictor.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/demo/predictor.py rename to cv/semantic_segmentation/mask2former/pytorch/demo/predictor.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/demo_video/README.md b/cv/semantic_segmentation/mask2former/pytorch/demo_video/README.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/demo_video/README.md rename to cv/semantic_segmentation/mask2former/pytorch/demo_video/README.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/demo_video/demo.py b/cv/semantic_segmentation/mask2former/pytorch/demo_video/demo.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/demo_video/demo.py rename to cv/semantic_segmentation/mask2former/pytorch/demo_video/demo.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/demo_video/predictor.py b/cv/semantic_segmentation/mask2former/pytorch/demo_video/predictor.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/demo_video/predictor.py rename to cv/semantic_segmentation/mask2former/pytorch/demo_video/predictor.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/demo_video/visualizer.py b/cv/semantic_segmentation/mask2former/pytorch/demo_video/visualizer.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/demo_video/visualizer.py rename to cv/semantic_segmentation/mask2former/pytorch/demo_video/visualizer.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/config.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/config.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/config.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/config.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/coco_instance_new_baseline_dataset_mapper.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/coco_instance_new_baseline_dataset_mapper.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/coco_instance_new_baseline_dataset_mapper.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/coco_instance_new_baseline_dataset_mapper.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/coco_panoptic_new_baseline_dataset_mapper.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/coco_panoptic_new_baseline_dataset_mapper.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/coco_panoptic_new_baseline_dataset_mapper.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/coco_panoptic_new_baseline_dataset_mapper.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/mask_former_instance_dataset_mapper.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/mask_former_instance_dataset_mapper.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/mask_former_instance_dataset_mapper.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/mask_former_instance_dataset_mapper.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/mask_former_panoptic_dataset_mapper.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/mask_former_panoptic_dataset_mapper.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/mask_former_panoptic_dataset_mapper.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/mask_former_panoptic_dataset_mapper.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/mask_former_semantic_dataset_mapper.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/mask_former_semantic_dataset_mapper.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/dataset_mappers/mask_former_semantic_dataset_mapper.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/dataset_mappers/mask_former_semantic_dataset_mapper.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_ade20k_full.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_ade20k_full.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_ade20k_full.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_ade20k_full.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_ade20k_instance.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_ade20k_instance.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_ade20k_instance.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_ade20k_instance.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_ade20k_panoptic.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_ade20k_panoptic.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_ade20k_panoptic.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_ade20k_panoptic.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_coco_panoptic_annos_semseg.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_coco_panoptic_annos_semseg.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_coco_panoptic_annos_semseg.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_coco_panoptic_annos_semseg.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_coco_stuff_10k.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_coco_stuff_10k.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_coco_stuff_10k.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_coco_stuff_10k.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_mapillary_vistas.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_mapillary_vistas.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_mapillary_vistas.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_mapillary_vistas.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_mapillary_vistas_panoptic.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_mapillary_vistas_panoptic.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/data/datasets/register_mapillary_vistas_panoptic.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/data/datasets/register_mapillary_vistas_panoptic.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/evaluation/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/evaluation/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/evaluation/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/evaluation/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/evaluation/instance_evaluation.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/evaluation/instance_evaluation.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/evaluation/instance_evaluation.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/evaluation/instance_evaluation.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/maskformer_model.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/maskformer_model.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/maskformer_model.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/maskformer_model.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/backbone/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/backbone/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/backbone/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/backbone/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/backbone/swin.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/backbone/swin.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/backbone/swin.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/backbone/swin.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/criterion.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/criterion.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/criterion.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/criterion.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/matcher.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/matcher.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/matcher.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/matcher.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/meta_arch/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/meta_arch/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/meta_arch/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/meta_arch/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/meta_arch/mask_former_head.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/meta_arch/mask_former_head.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/meta_arch/mask_former_head.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/meta_arch/mask_former_head.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/meta_arch/per_pixel_baseline.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/meta_arch/per_pixel_baseline.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/meta_arch/per_pixel_baseline.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/meta_arch/per_pixel_baseline.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/fpn.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/fpn.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/fpn.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/fpn.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/msdeformattn.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/msdeformattn.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/msdeformattn.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/msdeformattn.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/functions/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/functions/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/functions/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/functions/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/functions/ms_deform_attn_func.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/functions/ms_deform_attn_func.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/functions/ms_deform_attn_func.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/functions/ms_deform_attn_func.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/make.sh b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/make.sh similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/make.sh rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/make.sh diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/modules/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/modules/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/modules/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/modules/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/modules/ms_deform_attn.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/modules/ms_deform_attn.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/modules/ms_deform_attn.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/modules/ms_deform_attn.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/setup.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/setup.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/setup.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/setup.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.cpp b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.cpp similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.cpp rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.cpp diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.h b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.h similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.h rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.h diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.cu b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.cu similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.cu rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.cu diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.h b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.h similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.h rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.h diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_im2col_cuda.cuh b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_im2col_cuda.cuh similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_im2col_cuda.cuh rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_im2col_cuda.cuh diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/ms_deform_attn.h b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/ms_deform_attn.h similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/ms_deform_attn.h rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/ms_deform_attn.h diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/vision.cpp b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/vision.cpp similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/src/vision.cpp rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/src/vision.cpp diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/test.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/test.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/pixel_decoder/ops/test.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/pixel_decoder/ops/test.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/mask2former_transformer_decoder.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/mask2former_transformer_decoder.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/mask2former_transformer_decoder.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/mask2former_transformer_decoder.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/maskformer_transformer_decoder.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/maskformer_transformer_decoder.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/maskformer_transformer_decoder.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/maskformer_transformer_decoder.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/position_encoding.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/position_encoding.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/position_encoding.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/position_encoding.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/transformer.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/transformer.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/modeling/transformer_decoder/transformer.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/modeling/transformer_decoder/transformer.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/test_time_augmentation.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/test_time_augmentation.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/test_time_augmentation.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/test_time_augmentation.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/utils/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/utils/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/utils/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/utils/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former/utils/misc.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former/utils/misc.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former/utils/misc.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former/utils/misc.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/config.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/config.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/config.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/config.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/augmentation.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/augmentation.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/augmentation.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/augmentation.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/build.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/build.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/build.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/build.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/dataset_mapper.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/dataset_mapper.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/dataset_mapper.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/dataset_mapper.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/builtin.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/builtin.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/builtin.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/builtin.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/ytvis.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/ytvis.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/ytvis.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/ytvis.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/ytvis_api/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/ytvis_api/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/ytvis_api/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/ytvis_api/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/ytvis_api/ytvos.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/ytvis_api/ytvos.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/ytvis_api/ytvos.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/ytvis_api/ytvos.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/ytvis_api/ytvoseval.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/ytvis_api/ytvoseval.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/datasets/ytvis_api/ytvoseval.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/datasets/ytvis_api/ytvoseval.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/ytvis_eval.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/ytvis_eval.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/data_video/ytvis_eval.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/data_video/ytvis_eval.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/criterion.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/criterion.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/criterion.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/criterion.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/matcher.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/matcher.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/matcher.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/matcher.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/transformer_decoder/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/transformer_decoder/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/transformer_decoder/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/transformer_decoder/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/transformer_decoder/position_encoding.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/transformer_decoder/position_encoding.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/transformer_decoder/position_encoding.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/transformer_decoder/position_encoding.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/transformer_decoder/video_mask2former_transformer_decoder.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/transformer_decoder/video_mask2former_transformer_decoder.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/modeling/transformer_decoder/video_mask2former_transformer_decoder.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/modeling/transformer_decoder/video_mask2former_transformer_decoder.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/utils/__init__.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/utils/__init__.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/utils/__init__.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/utils/__init__.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/utils/memory.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/utils/memory.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/utils/memory.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/utils/memory.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/video_maskformer_model.py b/cv/semantic_segmentation/mask2former/pytorch/mask2former_video/video_maskformer_model.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/mask2former_video/video_maskformer_model.py rename to cv/semantic_segmentation/mask2former/pytorch/mask2former_video/video_maskformer_model.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/predict.py b/cv/semantic_segmentation/mask2former/pytorch/predict.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/predict.py rename to cv/semantic_segmentation/mask2former/pytorch/predict.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/requirements.txt b/cv/semantic_segmentation/mask2former/pytorch/requirements.txt similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/requirements.txt rename to cv/semantic_segmentation/mask2former/pytorch/requirements.txt diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/tools/README.md b/cv/semantic_segmentation/mask2former/pytorch/tools/README.md similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/tools/README.md rename to cv/semantic_segmentation/mask2former/pytorch/tools/README.md diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/tools/analyze_model.py b/cv/semantic_segmentation/mask2former/pytorch/tools/analyze_model.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/tools/analyze_model.py rename to cv/semantic_segmentation/mask2former/pytorch/tools/analyze_model.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/tools/convert-pretrained-swin-model-to-d2.py b/cv/semantic_segmentation/mask2former/pytorch/tools/convert-pretrained-swin-model-to-d2.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/tools/convert-pretrained-swin-model-to-d2.py rename to cv/semantic_segmentation/mask2former/pytorch/tools/convert-pretrained-swin-model-to-d2.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/tools/convert-torchvision-to-d2.py b/cv/semantic_segmentation/mask2former/pytorch/tools/convert-torchvision-to-d2.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/tools/convert-torchvision-to-d2.py rename to cv/semantic_segmentation/mask2former/pytorch/tools/convert-torchvision-to-d2.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/tools/evaluate_coco_boundary_ap.py b/cv/semantic_segmentation/mask2former/pytorch/tools/evaluate_coco_boundary_ap.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/tools/evaluate_coco_boundary_ap.py rename to cv/semantic_segmentation/mask2former/pytorch/tools/evaluate_coco_boundary_ap.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/tools/evaluate_pq_for_semantic_segmentation.py b/cv/semantic_segmentation/mask2former/pytorch/tools/evaluate_pq_for_semantic_segmentation.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/tools/evaluate_pq_for_semantic_segmentation.py rename to cv/semantic_segmentation/mask2former/pytorch/tools/evaluate_pq_for_semantic_segmentation.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/train_net.py b/cv/semantic_segmentation/mask2former/pytorch/train_net.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/train_net.py rename to cv/semantic_segmentation/mask2former/pytorch/train_net.py diff --git a/cv/semantic_segmentation/Mask2Former/pytorch/train_net_video.py b/cv/semantic_segmentation/mask2former/pytorch/train_net_video.py similarity index 100% rename from cv/semantic_segmentation/Mask2Former/pytorch/train_net_video.py rename to cv/semantic_segmentation/mask2former/pytorch/train_net_video.py diff --git a/cv/super_resolution/basicVSR++/pytorch/.gitignore b/cv/super_resolution/basicvsr++/pytorch/.gitignore similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/.gitignore rename to cv/super_resolution/basicvsr++/pytorch/.gitignore diff --git a/cv/super_resolution/basicVSR++/pytorch/LICENSE b/cv/super_resolution/basicvsr++/pytorch/LICENSE similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/LICENSE rename to cv/super_resolution/basicvsr++/pytorch/LICENSE diff --git a/cv/super_resolution/basicVSR++/pytorch/README.md b/cv/super_resolution/basicvsr++/pytorch/README.md similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/README.md rename to cv/super_resolution/basicvsr++/pytorch/README.md diff --git a/cv/super_resolution/basicVSR++/pytorch/build_env.sh b/cv/super_resolution/basicvsr++/pytorch/build_env.sh similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/build_env.sh rename to cv/super_resolution/basicvsr++/pytorch/build_env.sh diff --git a/cv/super_resolution/basicVSR++/pytorch/configs/basicvsr_plusplus/basicvsr_plusplus_c64n7_8x1_600k_reds4.py b/cv/super_resolution/basicvsr++/pytorch/configs/basicvsr_plusplus/basicvsr_plusplus_c64n7_8x1_600k_reds4.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/configs/basicvsr_plusplus/basicvsr_plusplus_c64n7_8x1_600k_reds4.py rename to cv/super_resolution/basicvsr++/pytorch/configs/basicvsr_plusplus/basicvsr_plusplus_c64n7_8x1_600k_reds4.py diff --git a/cv/super_resolution/basicVSR++/pytorch/dist_train.sh b/cv/super_resolution/basicvsr++/pytorch/dist_train.sh similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/dist_train.sh rename to cv/super_resolution/basicvsr++/pytorch/dist_train.sh diff --git a/cv/super_resolution/basicVSR++/pytorch/docker/Dockerfile b/cv/super_resolution/basicvsr++/pytorch/docker/Dockerfile similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/docker/Dockerfile rename to cv/super_resolution/basicvsr++/pytorch/docker/Dockerfile diff --git a/cv/super_resolution/basicVSR++/pytorch/docker/README.md b/cv/super_resolution/basicvsr++/pytorch/docker/README.md similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/docker/README.md rename to cv/super_resolution/basicvsr++/pytorch/docker/README.md diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/arraymisc/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/arraymisc/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/arraymisc/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/arraymisc/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/arraymisc/quantization.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/arraymisc/quantization.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/arraymisc/quantization.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/arraymisc/quantization.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/alexnet.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/alexnet.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/alexnet.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/alexnet.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/activation.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/activation.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/activation.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/activation.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/context_block.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/context_block.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/context_block.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/context_block.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/conv.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/conv.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/conv.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/conv.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/conv_module.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/conv_module.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/conv_module.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/conv_ws.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/conv_ws.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/conv_ws.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/conv_ws.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/drop.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/drop.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/drop.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/drop.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/generalized_attention.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/generalized_attention.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/generalized_attention.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/generalized_attention.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/hsigmoid.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/hsigmoid.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/hsigmoid.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/hsigmoid.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/hswish.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/hswish.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/hswish.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/hswish.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/non_local.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/non_local.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/non_local.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/non_local.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/norm.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/norm.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/norm.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/norm.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/padding.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/padding.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/padding.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/padding.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/plugin.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/plugin.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/plugin.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/plugin.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/registry.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/registry.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/registry.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/registry.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/scale.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/scale.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/scale.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/scale.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/swish.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/swish.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/swish.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/swish.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/transformer.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/transformer.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/transformer.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/transformer.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/upsample.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/upsample.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/upsample.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/upsample.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/wrappers.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/wrappers.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/bricks/wrappers.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/bricks/wrappers.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/builder.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/builder.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/builder.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/builder.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/resnet.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/resnet.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/resnet.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/resnet.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/flops_counter.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/flops_counter.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/flops_counter.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/flops_counter.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/fuse_conv_bn.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/fuse_conv_bn.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/fuse_conv_bn.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/fuse_conv_bn.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/sync_bn.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/sync_bn.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/sync_bn.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/sync_bn.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/weight_init.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/weight_init.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/utils/weight_init.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/utils/weight_init.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/vgg.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/vgg.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/cnn/vgg.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/cnn/vgg.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/engine/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/engine/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/engine/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/engine/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/engine/test.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/engine/test.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/engine/test.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/engine/test.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/file_client.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/file_client.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/file_client.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/file_client.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/base.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/base.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/base.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/base.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/json_handler.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/json_handler.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/json_handler.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/json_handler.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/pickle_handler.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/pickle_handler.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/pickle_handler.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/pickle_handler.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/yaml_handler.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/yaml_handler.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/handlers/yaml_handler.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/handlers/yaml_handler.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/io.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/io.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/io.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/io.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/parse.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/parse.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/fileio/parse.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/fileio/parse.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/image/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/image/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/image/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/image/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/image/colorspace.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/image/colorspace.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/image/colorspace.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/image/colorspace.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/image/geometric.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/image/geometric.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/image/geometric.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/image/geometric.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/image/io.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/image/io.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/image/io.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/image/io.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/image/misc.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/image/misc.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/image/misc.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/image/misc.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/image/photometric.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/image/photometric.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/image/photometric.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/image/photometric.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/info.cpp b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/info.cpp similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/info.cpp rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/info.cpp diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv_cpu.cpp b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv_cpu.cpp similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv_cpu.cpp rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv_cpu.cpp diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/deprecated_wrappers.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/deprecated_wrappers.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/deprecated_wrappers.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/deprecated_wrappers.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/info.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/info.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/info.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/info.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/modulated_deform_conv.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/modulated_deform_conv.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/modulated_deform_conv.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/modulated_deform_conv.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/ops/sync_bn.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/ops/sync_bn.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/ops/sync_bn.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/ops/sync_bn.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/_functions.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/_functions.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/_functions.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/_functions.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/collate.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/collate.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/collate.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/collate.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/data_container.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/data_container.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/data_container.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/data_container.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/data_parallel.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/data_parallel.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/data_parallel.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/data_parallel.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/distributed.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/distributed.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/distributed.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/distributed.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/distributed_deprecated.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/distributed_deprecated.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/distributed_deprecated.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/distributed_deprecated.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/registry.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/registry.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/registry.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/registry.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/scatter_gather.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/scatter_gather.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/scatter_gather.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/scatter_gather.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/utils.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/parallel/utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/parallel/utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/base_module.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/base_module.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/base_module.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/base_module.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/base_runner.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/base_runner.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/base_runner.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/base_runner.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/builder.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/builder.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/builder.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/builder.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/checkpoint.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/checkpoint.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/checkpoint.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/checkpoint.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/default_constructor.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/default_constructor.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/default_constructor.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/default_constructor.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/dist_utils.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/dist_utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/dist_utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/dist_utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/epoch_based_runner.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/epoch_based_runner.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/epoch_based_runner.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/epoch_based_runner.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/fp16_utils.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/fp16_utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/fp16_utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/fp16_utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/checkpoint.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/checkpoint.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/checkpoint.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/checkpoint.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/closure.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/closure.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/closure.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/closure.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/ema.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/ema.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/ema.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/ema.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/evaluation.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/evaluation.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/evaluation.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/evaluation.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/hook.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/hook.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/hook.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/hook.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/iter_timer.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/iter_timer.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/iter_timer.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/base.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/base.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/base.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/base.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/dvclive.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/dvclive.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/dvclive.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/dvclive.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/mlflow.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/mlflow.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/mlflow.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/mlflow.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/neptune.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/neptune.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/neptune.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/neptune.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/pavi.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/pavi.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/pavi.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/pavi.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/tensorboard.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/tensorboard.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/tensorboard.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/tensorboard.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/text.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/text.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/text.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/text.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/wandb.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/wandb.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/logger/wandb.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/logger/wandb.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/lr_updater.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/lr_updater.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/lr_updater.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/lr_updater.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/memory.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/memory.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/memory.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/memory.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/momentum_updater.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/momentum_updater.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/momentum_updater.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/momentum_updater.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/optimizer.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/optimizer.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/optimizer.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/optimizer.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/profiler.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/profiler.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/profiler.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/profiler.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/sampler_seed.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/sampler_seed.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/sampler_seed.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/sampler_seed.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/sync_buffer.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/sync_buffer.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/hooks/sync_buffer.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/hooks/sync_buffer.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/iter_based_runner.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/iter_based_runner.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/iter_based_runner.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/iter_based_runner.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/log_buffer.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/log_buffer.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/log_buffer.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/log_buffer.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/optimizer/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/optimizer/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/optimizer/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/optimizer/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/optimizer/builder.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/optimizer/builder.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/optimizer/builder.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/optimizer/builder.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/optimizer/default_constructor.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/optimizer/default_constructor.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/optimizer/default_constructor.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/optimizer/default_constructor.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/priority.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/priority.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/priority.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/priority.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/runner/utils.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/runner/utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/runner/utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/runner/utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/config.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/config.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/config.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/config.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/env.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/env.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/env.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/env.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/ext_loader.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/ext_loader.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/ext_loader.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/ext_loader.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/logging.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/logging.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/logging.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/logging.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/misc.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/misc.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/misc.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/misc.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/parrots_jit.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/parrots_jit.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/parrots_jit.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/parrots_jit.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/parrots_wrapper.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/parrots_wrapper.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/parrots_wrapper.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/parrots_wrapper.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/path.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/path.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/path.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/path.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/progressbar.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/progressbar.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/progressbar.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/progressbar.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/registry.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/registry.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/registry.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/registry.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/testing.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/testing.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/testing.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/testing.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/timer.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/timer.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/timer.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/timer.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/trace.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/trace.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/trace.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/trace.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/utils/version_utils.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/utils/version_utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/utils/version_utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/utils/version_utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmcv/version.py b/cv/super_resolution/basicvsr++/pytorch/mmcv/version.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmcv/version.py rename to cv/super_resolution/basicvsr++/pytorch/mmcv/version.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/generation_inference.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/generation_inference.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/generation_inference.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/generation_inference.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/inpainting_inference.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/inpainting_inference.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/inpainting_inference.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/inpainting_inference.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/matting_inference.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/matting_inference.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/matting_inference.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/matting_inference.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/restoration_face_inference.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/restoration_face_inference.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/restoration_face_inference.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/restoration_face_inference.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/restoration_inference.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/restoration_inference.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/restoration_inference.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/restoration_inference.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/restoration_video_inference.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/restoration_video_inference.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/restoration_video_inference.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/restoration_video_inference.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/test.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/test.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/test.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/test.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/train.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/train.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/train.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/train.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/apis/video_interpolation_inference.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/apis/video_interpolation_inference.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/apis/video_interpolation_inference.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/apis/video_interpolation_inference.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/distributed_wrapper.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/distributed_wrapper.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/distributed_wrapper.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/distributed_wrapper.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/eval_hooks.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/eval_hooks.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/eval_hooks.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/eval_hooks.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/metric_utils.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/metric_utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/metric_utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/metric_utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/metrics.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/metrics.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/metrics.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/metrics.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/niqe_pris_params.npz b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/niqe_pris_params.npz similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/evaluation/niqe_pris_params.npz rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/evaluation/niqe_pris_params.npz diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/export/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/export/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/export/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/export/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/export/wrappers.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/export/wrappers.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/export/wrappers.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/export/wrappers.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/hooks/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/hooks/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/hooks/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/hooks/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/hooks/ema.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/hooks/ema.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/hooks/ema.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/hooks/ema.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/hooks/visualization.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/hooks/visualization.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/hooks/visualization.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/hooks/visualization.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/mask.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/mask.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/mask.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/mask.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/misc.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/misc.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/misc.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/misc.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/optimizer/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/optimizer/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/optimizer/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/optimizer/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/optimizer/builder.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/optimizer/builder.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/optimizer/builder.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/optimizer/builder.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/scheduler/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/scheduler/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/scheduler/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/scheduler/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/scheduler/lr_updater.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/scheduler/lr_updater.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/scheduler/lr_updater.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/scheduler/lr_updater.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/utils/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/utils/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/utils/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/utils/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/core/utils/dist_utils.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/core/utils/dist_utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/core/utils/dist_utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/core/utils/dist_utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/base_dataset.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/base_dataset.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/base_dataset.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/base_dataset.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/base_sr_dataset.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/base_sr_dataset.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/base_sr_dataset.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/base_sr_dataset.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/builder.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/builder.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/builder.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/builder.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/dataset_wrappers.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/dataset_wrappers.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/dataset_wrappers.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/dataset_wrappers.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/augmentation.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/augmentation.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/augmentation.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/augmentation.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/compose.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/compose.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/compose.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/compose.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/crop.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/crop.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/crop.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/crop.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/formating.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/formating.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/formating.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/formating.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/loading.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/loading.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/loading.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/loading.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/matlab_like_resize.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/matlab_like_resize.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/matlab_like_resize.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/matlab_like_resize.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/normalization.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/normalization.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/normalization.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/normalization.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/utils.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/pipelines/utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/pipelines/utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/registry.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/registry.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/registry.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/registry.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/samplers/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/samplers/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/samplers/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/samplers/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/samplers/distributed_sampler.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/samplers/distributed_sampler.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/samplers/distributed_sampler.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/samplers/distributed_sampler.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/sr_reds_multiple_gt_dataset.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/sr_reds_multiple_gt_dataset.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/datasets/sr_reds_multiple_gt_dataset.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/datasets/sr_reds_multiple_gt_dataset.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/backbones/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/backbones/__init__.py 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 similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/backbones/sr_backbones/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_net.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_net.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_net.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_net.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_pp.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_pp.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_pp.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_pp.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/base.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/base.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/base.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/base.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/builder.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/builder.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/builder.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/builder.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/aspp.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/aspp.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/aspp.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/aspp.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/contextual_attention.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/contextual_attention.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/contextual_attention.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/contextual_attention.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/conv.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/conv.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/conv.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/conv.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/downsample.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/downsample.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/downsample.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/downsample.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/ensemble.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/ensemble.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/ensemble.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/ensemble.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/flow_warp.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/flow_warp.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/flow_warp.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/flow_warp.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/gated_conv_module.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/gated_conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/gated_conv_module.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/gated_conv_module.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/gca_module.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/gca_module.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/gca_module.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/gca_module.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/generation_model_utils.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/generation_model_utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/generation_model_utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/generation_model_utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/img_normalize.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/img_normalize.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/img_normalize.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/img_normalize.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/linear_module.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/linear_module.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/linear_module.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/linear_module.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/mask_conv_module.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/mask_conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/mask_conv_module.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/mask_conv_module.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/model_utils.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/model_utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/model_utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/model_utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/partial_conv.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/partial_conv.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/partial_conv.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/partial_conv.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/separable_conv_module.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/separable_conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/separable_conv_module.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/separable_conv_module.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/sr_backbone_utils.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/sr_backbone_utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/sr_backbone_utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/sr_backbone_utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/upsample.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/upsample.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/common/upsample.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/common/upsample.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/losses/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/losses/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/pixelwise_loss.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/losses/pixelwise_loss.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/pixelwise_loss.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/losses/pixelwise_loss.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/utils.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/losses/utils.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/losses/utils.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/losses/utils.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/registry.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/registry.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/registry.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/registry.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/restorers/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/restorers/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/basic_restorer.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/restorers/basic_restorer.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/basic_restorer.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/restorers/basic_restorer.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/basicvsr.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/models/restorers/basicvsr.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/models/restorers/basicvsr.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/models/restorers/basicvsr.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/utils/__init__.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/utils/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/utils/__init__.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/utils/__init__.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/utils/cli.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/utils/cli.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/utils/cli.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/utils/cli.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/utils/collect_env.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/utils/collect_env.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/utils/collect_env.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/utils/collect_env.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/utils/logger.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/utils/logger.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/utils/logger.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/utils/logger.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/utils/setup_env.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/utils/setup_env.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/utils/setup_env.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/utils/setup_env.py diff --git a/cv/super_resolution/basicVSR++/pytorch/mmedit/version.py b/cv/super_resolution/basicvsr++/pytorch/mmedit/version.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/mmedit/version.py rename to cv/super_resolution/basicvsr++/pytorch/mmedit/version.py diff --git a/cv/super_resolution/basicVSR++/pytorch/requirements.txt b/cv/super_resolution/basicvsr++/pytorch/requirements.txt similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/requirements.txt rename to cv/super_resolution/basicvsr++/pytorch/requirements.txt diff --git a/cv/super_resolution/basicVSR++/pytorch/setup.py b/cv/super_resolution/basicvsr++/pytorch/setup.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/setup.py rename to cv/super_resolution/basicvsr++/pytorch/setup.py diff --git a/cv/super_resolution/basicVSR++/pytorch/train.py b/cv/super_resolution/basicvsr++/pytorch/train.py similarity index 100% rename from cv/super_resolution/basicVSR++/pytorch/train.py rename to cv/super_resolution/basicvsr++/pytorch/train.py diff --git a/cv/super_resolution/basicVSR/pytorch/.gitignore b/cv/super_resolution/basicvsr/pytorch/.gitignore similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/.gitignore rename to cv/super_resolution/basicvsr/pytorch/.gitignore diff --git a/cv/super_resolution/basicVSR/pytorch/LICENSE b/cv/super_resolution/basicvsr/pytorch/LICENSE similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/LICENSE rename to cv/super_resolution/basicvsr/pytorch/LICENSE diff --git a/cv/super_resolution/basicVSR/pytorch/README.md b/cv/super_resolution/basicvsr/pytorch/README.md similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/README.md rename to cv/super_resolution/basicvsr/pytorch/README.md diff --git a/cv/super_resolution/basicVSR/pytorch/build_env.sh b/cv/super_resolution/basicvsr/pytorch/build_env.sh similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/build_env.sh rename to cv/super_resolution/basicvsr/pytorch/build_env.sh diff --git a/cv/super_resolution/basicVSR/pytorch/configs/basicvsr/basicvsr_reds4.py b/cv/super_resolution/basicvsr/pytorch/configs/basicvsr/basicvsr_reds4.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/configs/basicvsr/basicvsr_reds4.py rename to cv/super_resolution/basicvsr/pytorch/configs/basicvsr/basicvsr_reds4.py diff --git a/cv/super_resolution/basicVSR/pytorch/configs/iconvsr/iconvsr_reds4.py b/cv/super_resolution/basicvsr/pytorch/configs/iconvsr/iconvsr_reds4.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/configs/iconvsr/iconvsr_reds4.py rename to cv/super_resolution/basicvsr/pytorch/configs/iconvsr/iconvsr_reds4.py diff --git a/cv/super_resolution/basicVSR/pytorch/dist_train.sh b/cv/super_resolution/basicvsr/pytorch/dist_train.sh similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/dist_train.sh rename to cv/super_resolution/basicvsr/pytorch/dist_train.sh diff --git a/cv/super_resolution/basicVSR/pytorch/docker/Dockerfile b/cv/super_resolution/basicvsr/pytorch/docker/Dockerfile similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/docker/Dockerfile rename to cv/super_resolution/basicvsr/pytorch/docker/Dockerfile diff --git a/cv/super_resolution/basicVSR/pytorch/docker/README.md b/cv/super_resolution/basicvsr/pytorch/docker/README.md similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/docker/README.md rename to cv/super_resolution/basicvsr/pytorch/docker/README.md diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/arraymisc/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/arraymisc/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/arraymisc/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/arraymisc/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/arraymisc/quantization.py b/cv/super_resolution/basicvsr/pytorch/mmcv/arraymisc/quantization.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/arraymisc/quantization.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/arraymisc/quantization.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/alexnet.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/alexnet.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/alexnet.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/alexnet.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/activation.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/activation.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/activation.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/activation.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/context_block.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/context_block.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/context_block.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/context_block.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/conv.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/conv.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/conv.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/conv.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/conv2d_adaptive_padding.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/conv_module.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/conv_module.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/conv_module.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/conv_ws.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/conv_ws.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/conv_ws.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/conv_ws.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/depthwise_separable_conv_module.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/drop.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/drop.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/drop.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/drop.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/generalized_attention.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/generalized_attention.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/generalized_attention.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/generalized_attention.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/hsigmoid.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/hsigmoid.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/hsigmoid.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/hsigmoid.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/hswish.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/hswish.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/hswish.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/hswish.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/non_local.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/non_local.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/non_local.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/non_local.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/norm.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/norm.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/norm.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/norm.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/padding.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/padding.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/padding.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/padding.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/plugin.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/plugin.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/plugin.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/plugin.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/registry.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/registry.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/registry.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/registry.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/scale.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/scale.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/scale.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/scale.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/swish.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/swish.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/swish.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/swish.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/transformer.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/transformer.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/transformer.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/transformer.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/upsample.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/upsample.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/upsample.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/upsample.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/wrappers.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/wrappers.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/bricks/wrappers.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/bricks/wrappers.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/builder.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/builder.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/builder.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/builder.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/resnet.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/resnet.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/resnet.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/resnet.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/flops_counter.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/flops_counter.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/flops_counter.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/flops_counter.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/fuse_conv_bn.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/fuse_conv_bn.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/fuse_conv_bn.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/fuse_conv_bn.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/sync_bn.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/sync_bn.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/sync_bn.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/sync_bn.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/weight_init.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/weight_init.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/utils/weight_init.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/utils/weight_init.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/cnn/vgg.py b/cv/super_resolution/basicvsr/pytorch/mmcv/cnn/vgg.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/cnn/vgg.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/cnn/vgg.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/engine/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/engine/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/engine/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/engine/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/engine/test.py b/cv/super_resolution/basicvsr/pytorch/mmcv/engine/test.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/engine/test.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/engine/test.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/file_client.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/file_client.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/file_client.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/file_client.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/base.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/base.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/base.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/base.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/json_handler.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/json_handler.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/json_handler.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/json_handler.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/pickle_handler.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/pickle_handler.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/pickle_handler.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/pickle_handler.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/yaml_handler.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/yaml_handler.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/handlers/yaml_handler.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/handlers/yaml_handler.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/io.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/io.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/io.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/io.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/fileio/parse.py b/cv/super_resolution/basicvsr/pytorch/mmcv/fileio/parse.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/fileio/parse.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/fileio/parse.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/image/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/image/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/image/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/image/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/image/colorspace.py b/cv/super_resolution/basicvsr/pytorch/mmcv/image/colorspace.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/image/colorspace.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/image/colorspace.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/image/geometric.py b/cv/super_resolution/basicvsr/pytorch/mmcv/image/geometric.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/image/geometric.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/image/geometric.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/image/io.py b/cv/super_resolution/basicvsr/pytorch/mmcv/image/io.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/image/io.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/image/io.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/image/misc.py b/cv/super_resolution/basicvsr/pytorch/mmcv/image/misc.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/image/misc.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/image/misc.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/image/photometric.py b/cv/super_resolution/basicvsr/pytorch/mmcv/image/photometric.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/image/photometric.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/image/photometric.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/cuda/common_cuda_helper.hpp diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/cuda/modulated_deform_conv_cuda_kernel.cuh diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/cuda/sync_bn_cuda_kernel.cuh diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/pytorch_cpp_helper.hpp diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/common/pytorch_cuda_helper.hpp diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/cuda/modulated_deform_conv_cuda.cu diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/cuda/sync_bn_cuda.cu diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/info.cpp b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/info.cpp similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/info.cpp rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/info.cpp diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv.cpp diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv_cpu.cpp b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv_cpu.cpp similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv_cpu.cpp rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/modulated_deform_conv_cpu.cpp diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/pybind.cpp diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/csrc/pytorch/sync_bn.cpp diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/deprecated_wrappers.py b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/deprecated_wrappers.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/deprecated_wrappers.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/deprecated_wrappers.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/info.py b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/info.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/info.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/info.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/modulated_deform_conv.py b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/modulated_deform_conv.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/modulated_deform_conv.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/modulated_deform_conv.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/ops/sync_bn.py b/cv/super_resolution/basicvsr/pytorch/mmcv/ops/sync_bn.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/ops/sync_bn.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/ops/sync_bn.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/_functions.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/_functions.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/_functions.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/_functions.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/collate.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/collate.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/collate.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/collate.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/data_container.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/data_container.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/data_container.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/data_container.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/data_parallel.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/data_parallel.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/data_parallel.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/data_parallel.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/distributed.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/distributed.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/distributed.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/distributed.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/distributed_deprecated.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/distributed_deprecated.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/distributed_deprecated.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/distributed_deprecated.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/registry.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/registry.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/registry.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/registry.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/scatter_gather.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/scatter_gather.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/scatter_gather.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/scatter_gather.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/parallel/utils.py b/cv/super_resolution/basicvsr/pytorch/mmcv/parallel/utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/parallel/utils.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/parallel/utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/base_module.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/base_module.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/base_module.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/base_module.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/base_runner.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/base_runner.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/base_runner.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/base_runner.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/builder.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/builder.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/builder.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/builder.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/checkpoint.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/checkpoint.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/checkpoint.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/checkpoint.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/default_constructor.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/default_constructor.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/default_constructor.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/default_constructor.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/dist_utils.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/dist_utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/dist_utils.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/dist_utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/epoch_based_runner.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/epoch_based_runner.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/epoch_based_runner.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/epoch_based_runner.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/fp16_utils.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/fp16_utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/fp16_utils.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/fp16_utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/checkpoint.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/checkpoint.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/checkpoint.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/checkpoint.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/closure.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/closure.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/closure.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/closure.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/ema.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/ema.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/ema.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/ema.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/evaluation.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/evaluation.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/evaluation.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/evaluation.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/hook.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/hook.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/hook.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/hook.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/iter_timer.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/iter_timer.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/iter_timer.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/iter_timer.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/base.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/base.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/base.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/base.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/dvclive.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/dvclive.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/dvclive.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/dvclive.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/mlflow.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/mlflow.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/mlflow.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/mlflow.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/neptune.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/neptune.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/neptune.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/neptune.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/pavi.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/pavi.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/pavi.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/pavi.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/tensorboard.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/tensorboard.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/tensorboard.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/tensorboard.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/text.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/text.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/text.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/text.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/wandb.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/wandb.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/logger/wandb.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/logger/wandb.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/lr_updater.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/lr_updater.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/lr_updater.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/lr_updater.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/memory.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/memory.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/memory.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/memory.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/momentum_updater.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/momentum_updater.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/momentum_updater.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/momentum_updater.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/optimizer.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/optimizer.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/optimizer.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/optimizer.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/profiler.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/profiler.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/profiler.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/profiler.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/sampler_seed.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/sampler_seed.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/sampler_seed.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/sampler_seed.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/sync_buffer.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/sync_buffer.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/hooks/sync_buffer.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/hooks/sync_buffer.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/iter_based_runner.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/iter_based_runner.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/iter_based_runner.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/iter_based_runner.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/log_buffer.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/log_buffer.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/log_buffer.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/log_buffer.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/optimizer/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/optimizer/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/optimizer/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/optimizer/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/optimizer/builder.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/optimizer/builder.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/optimizer/builder.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/optimizer/builder.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/optimizer/default_constructor.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/optimizer/default_constructor.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/optimizer/default_constructor.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/optimizer/default_constructor.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/priority.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/priority.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/priority.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/priority.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/runner/utils.py b/cv/super_resolution/basicvsr/pytorch/mmcv/runner/utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/runner/utils.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/runner/utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/config.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/config.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/config.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/config.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/env.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/env.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/env.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/env.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/ext_loader.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/ext_loader.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/ext_loader.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/ext_loader.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/logging.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/logging.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/logging.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/logging.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/misc.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/misc.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/misc.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/misc.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/parrots_jit.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/parrots_jit.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/parrots_jit.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/parrots_jit.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/parrots_wrapper.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/parrots_wrapper.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/parrots_wrapper.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/parrots_wrapper.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/path.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/path.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/path.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/path.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/progressbar.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/progressbar.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/progressbar.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/progressbar.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/registry.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/registry.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/registry.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/registry.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/testing.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/testing.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/testing.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/testing.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/timer.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/timer.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/timer.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/timer.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/trace.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/trace.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/trace.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/trace.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/utils/version_utils.py b/cv/super_resolution/basicvsr/pytorch/mmcv/utils/version_utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/utils/version_utils.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/utils/version_utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmcv/version.py b/cv/super_resolution/basicvsr/pytorch/mmcv/version.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmcv/version.py rename to cv/super_resolution/basicvsr/pytorch/mmcv/version.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/generation_inference.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/generation_inference.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/generation_inference.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/generation_inference.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/inpainting_inference.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/inpainting_inference.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/inpainting_inference.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/inpainting_inference.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/matting_inference.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/matting_inference.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/matting_inference.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/matting_inference.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/restoration_face_inference.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/restoration_face_inference.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/restoration_face_inference.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/restoration_face_inference.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/restoration_inference.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/restoration_inference.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/restoration_inference.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/restoration_inference.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/restoration_video_inference.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/restoration_video_inference.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/restoration_video_inference.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/restoration_video_inference.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/test.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/test.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/test.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/test.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/train.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/train.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/train.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/train.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/apis/video_interpolation_inference.py b/cv/super_resolution/basicvsr/pytorch/mmedit/apis/video_interpolation_inference.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/apis/video_interpolation_inference.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/apis/video_interpolation_inference.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/distributed_wrapper.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/distributed_wrapper.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/distributed_wrapper.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/distributed_wrapper.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/eval_hooks.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/eval_hooks.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/eval_hooks.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/eval_hooks.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/metric_utils.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/metric_utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/metric_utils.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/metric_utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/metrics.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/metrics.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/metrics.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/metrics.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/niqe_pris_params.npz b/cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/niqe_pris_params.npz similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/evaluation/niqe_pris_params.npz rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/evaluation/niqe_pris_params.npz diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/export/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/export/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/export/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/export/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/export/wrappers.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/export/wrappers.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/export/wrappers.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/export/wrappers.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/hooks/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/hooks/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/hooks/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/hooks/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/hooks/ema.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/hooks/ema.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/hooks/ema.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/hooks/ema.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/hooks/visualization.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/hooks/visualization.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/hooks/visualization.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/hooks/visualization.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/mask.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/mask.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/mask.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/mask.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/misc.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/misc.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/misc.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/misc.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/optimizer/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/optimizer/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/optimizer/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/optimizer/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/optimizer/builder.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/optimizer/builder.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/optimizer/builder.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/optimizer/builder.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/scheduler/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/scheduler/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/scheduler/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/scheduler/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/scheduler/lr_updater.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/scheduler/lr_updater.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/scheduler/lr_updater.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/scheduler/lr_updater.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/utils/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/utils/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/utils/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/utils/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/core/utils/dist_utils.py b/cv/super_resolution/basicvsr/pytorch/mmedit/core/utils/dist_utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/core/utils/dist_utils.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/core/utils/dist_utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/base_dataset.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/base_dataset.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/base_dataset.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/base_dataset.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/base_sr_dataset.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/base_sr_dataset.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/base_sr_dataset.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/base_sr_dataset.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/builder.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/builder.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/builder.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/builder.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/dataset_wrappers.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/dataset_wrappers.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/dataset_wrappers.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/dataset_wrappers.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/augmentation.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/augmentation.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/augmentation.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/augmentation.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/compose.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/compose.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/compose.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/compose.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/crop.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/crop.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/crop.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/crop.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/formating.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/formating.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/formating.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/formating.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/loading.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/loading.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/loading.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/loading.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/matlab_like_resize.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/matlab_like_resize.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/matlab_like_resize.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/matlab_like_resize.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/normalization.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/normalization.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/normalization.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/normalization.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/utils.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/pipelines/utils.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/pipelines/utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/registry.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/registry.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/registry.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/registry.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/samplers/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/samplers/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/samplers/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/samplers/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/samplers/distributed_sampler.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/samplers/distributed_sampler.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/samplers/distributed_sampler.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/samplers/distributed_sampler.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/datasets/sr_reds_multiple_gt_dataset.py b/cv/super_resolution/basicvsr/pytorch/mmedit/datasets/sr_reds_multiple_gt_dataset.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/datasets/sr_reds_multiple_gt_dataset.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/datasets/sr_reds_multiple_gt_dataset.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/__init__.py 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 similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/sr_backbones/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_net.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_net.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_net.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/sr_backbones/basicvsr_net.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/edvr_net.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/sr_backbones/edvr_net.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/edvr_net.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/sr_backbones/edvr_net.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/iconvsr.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/sr_backbones/iconvsr.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/backbones/sr_backbones/iconvsr.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/backbones/sr_backbones/iconvsr.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/base.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/base.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/base.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/base.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/builder.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/builder.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/builder.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/builder.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/aspp.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/aspp.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/aspp.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/aspp.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/contextual_attention.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/contextual_attention.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/contextual_attention.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/contextual_attention.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/conv.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/conv.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/conv.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/conv.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/downsample.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/downsample.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/downsample.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/downsample.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/ensemble.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/ensemble.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/ensemble.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/ensemble.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/flow_warp.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/flow_warp.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/flow_warp.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/flow_warp.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/gated_conv_module.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/gated_conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/gated_conv_module.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/gated_conv_module.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/gca_module.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/gca_module.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/gca_module.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/gca_module.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/generation_model_utils.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/generation_model_utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/generation_model_utils.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/generation_model_utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/img_normalize.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/img_normalize.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/img_normalize.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/img_normalize.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/linear_module.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/linear_module.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/linear_module.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/linear_module.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/mask_conv_module.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/mask_conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/mask_conv_module.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/mask_conv_module.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/model_utils.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/model_utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/model_utils.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/model_utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/partial_conv.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/partial_conv.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/partial_conv.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/partial_conv.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/separable_conv_module.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/separable_conv_module.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/separable_conv_module.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/separable_conv_module.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/sr_backbone_utils.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/sr_backbone_utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/sr_backbone_utils.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/sr_backbone_utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/common/upsample.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/common/upsample.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/common/upsample.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/common/upsample.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/losses/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/losses/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/pixelwise_loss.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/losses/pixelwise_loss.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/pixelwise_loss.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/losses/pixelwise_loss.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/utils.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/losses/utils.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/losses/utils.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/losses/utils.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/registry.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/registry.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/registry.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/registry.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/restorers/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/restorers/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/basic_restorer.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/restorers/basic_restorer.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/basic_restorer.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/restorers/basic_restorer.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/basicvsr.py b/cv/super_resolution/basicvsr/pytorch/mmedit/models/restorers/basicvsr.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/models/restorers/basicvsr.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/models/restorers/basicvsr.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/utils/__init__.py b/cv/super_resolution/basicvsr/pytorch/mmedit/utils/__init__.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/utils/__init__.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/utils/__init__.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/utils/cli.py b/cv/super_resolution/basicvsr/pytorch/mmedit/utils/cli.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/utils/cli.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/utils/cli.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/utils/collect_env.py b/cv/super_resolution/basicvsr/pytorch/mmedit/utils/collect_env.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/utils/collect_env.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/utils/collect_env.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/utils/logger.py b/cv/super_resolution/basicvsr/pytorch/mmedit/utils/logger.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/utils/logger.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/utils/logger.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/utils/setup_env.py b/cv/super_resolution/basicvsr/pytorch/mmedit/utils/setup_env.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/utils/setup_env.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/utils/setup_env.py diff --git a/cv/super_resolution/basicVSR/pytorch/mmedit/version.py b/cv/super_resolution/basicvsr/pytorch/mmedit/version.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/mmedit/version.py rename to cv/super_resolution/basicvsr/pytorch/mmedit/version.py diff --git a/cv/super_resolution/basicVSR/pytorch/requirements.txt b/cv/super_resolution/basicvsr/pytorch/requirements.txt similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/requirements.txt rename to cv/super_resolution/basicvsr/pytorch/requirements.txt diff --git a/cv/super_resolution/basicVSR/pytorch/setup.py b/cv/super_resolution/basicvsr/pytorch/setup.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/setup.py rename to cv/super_resolution/basicvsr/pytorch/setup.py diff --git a/cv/super_resolution/basicVSR/pytorch/train.py b/cv/super_resolution/basicvsr/pytorch/train.py similarity index 100% rename from cv/super_resolution/basicVSR/pytorch/train.py rename to cv/super_resolution/basicvsr/pytorch/train.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/bpe_simple_vocab_16e6.txt.gz b/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/bpe_simple_vocab_16e6.txt.gz deleted file mode 100644 index 7b5088a527f720063f044eb928eee315f63b2fc0..0000000000000000000000000000000000000000 Binary files a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/bpe_simple_vocab_16e6.txt.gz and /dev/null differ diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/notebooks/Prompt_Engineering_for_ImageNet.ipynb b/multimodal/Language-Image_Pre-Training/clip/pytorch/notebooks/Prompt_Engineering_for_ImageNet.ipynb deleted file mode 100644 index 1dde052ad2f213f1cc8a7d294dac5a5b83e55371..0000000000000000000000000000000000000000 --- a/multimodal/Language-Image_Pre-Training/clip/pytorch/notebooks/Prompt_Engineering_for_ImageNet.ipynb +++ /dev/null @@ -1,1108 +0,0 @@ -{ - "nbformat": 4, - "nbformat_minor": 0, - "metadata": { - "colab": { - "name": "Prompt Engineering for ImageNet.ipynb", - "provenance": [], - "collapsed_sections": [] - }, - "kernelspec": { - "name": "python3", - "display_name": "Python 3" - }, - "accelerator": "GPU", - "widgets": { - "application/vnd.jupyter.widget-state+json": { - "66a1639713ae441d8a9b873381f9d774": { - "model_module": "@jupyter-widgets/controls", - "model_name": "HBoxModel", - "state": { - "_view_name": "HBoxView", - "_dom_classes": [], - "_model_name": "HBoxModel", - "_view_module": "@jupyter-widgets/controls", - "_model_module_version": "1.5.0", - "_view_count": null, - "_view_module_version": "1.5.0", - "box_style": "", - "layout": "IPY_MODEL_610b775178c645e2b4663b77cc0c67b6", - "_model_module": "@jupyter-widgets/controls", - "children": [ - "IPY_MODEL_412dd15f0d8542f5ab2730f8616fb582", - "IPY_MODEL_5e6315f36b4e4eeea5c6294b024e0c97" - ] - } - }, - "610b775178c645e2b4663b77cc0c67b6": { - "model_module": "@jupyter-widgets/base", - "model_name": "LayoutModel", - "state": { - "_view_name": "LayoutView", - "grid_template_rows": null, - "right": null, - "justify_content": null, - "_view_module": "@jupyter-widgets/base", - "overflow": null, - "_model_module_version": "1.2.0", - "_view_count": null, - "flex_flow": null, - "width": null, - "min_width": null, - "border": null, - "align_items": null, - "bottom": null, - "_model_module": "@jupyter-widgets/base", - "top": null, - "grid_column": null, - "overflow_y": null, - "overflow_x": null, - "grid_auto_flow": null, - "grid_area": null, - "grid_template_columns": null, - "flex": null, - "_model_name": "LayoutModel", - "justify_items": null, - "grid_row": null, - "max_height": null, - "align_content": null, - "visibility": null, - "align_self": null, - "height": null, - "min_height": null, - "padding": null, - "grid_auto_rows": null, - "grid_gap": null, - "max_width": null, - "order": null, - "_view_module_version": "1.2.0", - "grid_template_areas": null, - "object_position": null, - "object_fit": null, - "grid_auto_columns": null, - "margin": null, - "display": null, - "left": null - } - }, - "412dd15f0d8542f5ab2730f8616fb582": { - "model_module": "@jupyter-widgets/controls", - "model_name": "FloatProgressModel", - "state": { - "_view_name": "ProgressView", - "style": "IPY_MODEL_085d5388abda4202bfa66d0c088452f8", - "_dom_classes": [], - "description": "100%", - "_model_name": "FloatProgressModel", - "bar_style": "success", - "max": 1000, - "_view_module": "@jupyter-widgets/controls", - "_model_module_version": "1.5.0", - "value": 1000, - "_view_count": null, - "_view_module_version": "1.5.0", - "orientation": "horizontal", - "min": 0, - "description_tooltip": null, - "_model_module": "@jupyter-widgets/controls", - "layout": "IPY_MODEL_f75124b64aa147c693c67a78f8e3a231" - } - }, - "5e6315f36b4e4eeea5c6294b024e0c97": { - "model_module": "@jupyter-widgets/controls", - "model_name": "HTMLModel", - "state": { - "_view_name": "HTMLView", - "style": "IPY_MODEL_6e5676a054874243b55fc6d120a07d01", - "_dom_classes": [], - "description": "", - "_model_name": "HTMLModel", - "placeholder": "​", - "_view_module": "@jupyter-widgets/controls", - "_model_module_version": "1.5.0", - "value": " 1000/1000 [16:51<00:00, 1.01s/it]", - "_view_count": null, - "_view_module_version": "1.5.0", - "description_tooltip": null, - "_model_module": "@jupyter-widgets/controls", - "layout": "IPY_MODEL_dc6d1416c01a4047935ee15c3fd2eb1c" - } - }, - "085d5388abda4202bfa66d0c088452f8": { - "model_module": "@jupyter-widgets/controls", - "model_name": "ProgressStyleModel", - "state": { - "_view_name": "StyleView", - "_model_name": "ProgressStyleModel", - "description_width": "initial", - "_view_module": "@jupyter-widgets/base", - "_model_module_version": "1.5.0", - "_view_count": null, - "_view_module_version": "1.2.0", - "bar_color": null, - "_model_module": "@jupyter-widgets/controls" - } - }, - "f75124b64aa147c693c67a78f8e3a231": { - "model_module": "@jupyter-widgets/base", - "model_name": "LayoutModel", - "state": { - "_view_name": "LayoutView", - "grid_template_rows": null, - "right": null, - "justify_content": null, - "_view_module": "@jupyter-widgets/base", - "overflow": null, - "_model_module_version": "1.2.0", - "_view_count": null, - "flex_flow": null, - "width": null, - "min_width": null, - "border": null, - "align_items": null, - "bottom": null, - "_model_module": "@jupyter-widgets/base", - "top": null, - "grid_column": null, - "overflow_y": null, - "overflow_x": null, - "grid_auto_flow": null, - "grid_area": null, - "grid_template_columns": null, - "flex": null, - "_model_name": "LayoutModel", - "justify_items": null, - "grid_row": null, - "max_height": null, - "align_content": null, - "visibility": null, - "align_self": null, - "height": null, - "min_height": null, - "padding": null, - "grid_auto_rows": null, - "grid_gap": null, - "max_width": null, - "order": null, - "_view_module_version": "1.2.0", - "grid_template_areas": null, - "object_position": null, - "object_fit": null, - "grid_auto_columns": null, - "margin": null, - "display": null, - "left": null - } - }, - "6e5676a054874243b55fc6d120a07d01": { - "model_module": "@jupyter-widgets/controls", - "model_name": "DescriptionStyleModel", - "state": { - "_view_name": "StyleView", - "_model_name": "DescriptionStyleModel", - "description_width": "", - "_view_module": "@jupyter-widgets/base", - "_model_module_version": "1.5.0", - "_view_count": null, - "_view_module_version": "1.2.0", - "_model_module": "@jupyter-widgets/controls" - } - }, - "dc6d1416c01a4047935ee15c3fd2eb1c": { - "model_module": "@jupyter-widgets/base", - "model_name": "LayoutModel", - "state": { - "_view_name": "LayoutView", - "grid_template_rows": null, - "right": null, - "justify_content": null, - "_view_module": "@jupyter-widgets/base", - "overflow": null, - "_model_module_version": "1.2.0", - "_view_count": null, - "flex_flow": null, - "width": null, - "min_width": null, - "border": null, - "align_items": null, - "bottom": null, - "_model_module": "@jupyter-widgets/base", - "top": null, - "grid_column": null, - "overflow_y": null, - "overflow_x": null, - "grid_auto_flow": null, - "grid_area": null, - "grid_template_columns": null, - "flex": null, - "_model_name": "LayoutModel", - "justify_items": null, - "grid_row": null, - "max_height": null, - "align_content": null, - "visibility": null, - "align_self": null, - "height": null, - "min_height": null, - "padding": null, - "grid_auto_rows": null, - "grid_gap": null, - "max_width": null, - "order": null, - "_view_module_version": "1.2.0", - "grid_template_areas": null, - "object_position": null, - "object_fit": null, - "grid_auto_columns": null, - "margin": null, - "display": null, - "left": null - } - }, - "84f80a7f3e764346969a347b0f71b24e": { - "model_module": "@jupyter-widgets/controls", - "model_name": "HBoxModel", - "state": { - "_view_name": "HBoxView", - "_dom_classes": [], - "_model_name": "HBoxModel", - "_view_module": "@jupyter-widgets/controls", - "_model_module_version": "1.5.0", - "_view_count": null, - "_view_module_version": "1.5.0", - "box_style": "", - "layout": "IPY_MODEL_392656f01b2945f3bd7903783ed8cc96", - "_model_module": "@jupyter-widgets/controls", - "children": [ - "IPY_MODEL_8e47a435519b4ce090879b4be2f61f99", - "IPY_MODEL_41b1ed6b0a9745c1a595377670b15ff4" - ] - } - }, - "392656f01b2945f3bd7903783ed8cc96": { - "model_module": "@jupyter-widgets/base", - "model_name": "LayoutModel", - "state": { - "_view_name": "LayoutView", - "grid_template_rows": null, - "right": null, - "justify_content": null, - "_view_module": "@jupyter-widgets/base", - "overflow": null, - "_model_module_version": "1.2.0", - "_view_count": null, - "flex_flow": null, - "width": null, - "min_width": null, - "border": null, - "align_items": null, - "bottom": null, - "_model_module": "@jupyter-widgets/base", - "top": null, - "grid_column": null, - "overflow_y": null, - "overflow_x": null, - "grid_auto_flow": null, - "grid_area": null, - "grid_template_columns": null, - "flex": null, - "_model_name": "LayoutModel", - "justify_items": null, - "grid_row": null, - "max_height": null, - "align_content": null, - "visibility": null, - "align_self": null, - "height": null, - "min_height": null, - "padding": null, - "grid_auto_rows": null, - "grid_gap": null, - "max_width": null, - "order": null, - "_view_module_version": "1.2.0", - "grid_template_areas": null, - "object_position": null, - "object_fit": null, - "grid_auto_columns": null, - "margin": null, - "display": null, - "left": null - } - }, - "8e47a435519b4ce090879b4be2f61f99": { - "model_module": "@jupyter-widgets/controls", - "model_name": "FloatProgressModel", - "state": { - "_view_name": "ProgressView", - "style": "IPY_MODEL_179b8ae1eb7f4a828f953e889b141725", - "_dom_classes": [], - "description": "100%", - "_model_name": "FloatProgressModel", - "bar_style": "success", - "max": 313, - "_view_module": "@jupyter-widgets/controls", - "_model_module_version": "1.5.0", - "value": 313, - "_view_count": null, - "_view_module_version": "1.5.0", - "orientation": "horizontal", - "min": 0, - "description_tooltip": null, - "_model_module": "@jupyter-widgets/controls", - "layout": "IPY_MODEL_d8708e8414fd44f4abd6590c9b57996f" - } - }, - "41b1ed6b0a9745c1a595377670b15ff4": { - "model_module": "@jupyter-widgets/controls", - "model_name": "HTMLModel", - "state": { - "_view_name": "HTMLView", - "style": "IPY_MODEL_800e30f5b4f24475a2b0046da0703631", - "_dom_classes": [], - "description": "", - "_model_name": "HTMLModel", - "placeholder": "​", - "_view_module": "@jupyter-widgets/controls", - "_model_module_version": "1.5.0", - "value": " 313/313 [02:31<00:00, 2.07it/s]", - "_view_count": null, - "_view_module_version": "1.5.0", - "description_tooltip": null, - "_model_module": "@jupyter-widgets/controls", - "layout": "IPY_MODEL_8764308b948745f1a677332fd21fcaf0" - } - }, - "179b8ae1eb7f4a828f953e889b141725": { - "model_module": "@jupyter-widgets/controls", - "model_name": "ProgressStyleModel", - "state": { - "_view_name": "StyleView", - "_model_name": "ProgressStyleModel", - "description_width": "initial", - "_view_module": "@jupyter-widgets/base", - "_model_module_version": "1.5.0", - "_view_count": null, - "_view_module_version": "1.2.0", - "bar_color": null, - "_model_module": "@jupyter-widgets/controls" - } - }, - "d8708e8414fd44f4abd6590c9b57996f": { - "model_module": "@jupyter-widgets/base", - "model_name": "LayoutModel", - "state": { - "_view_name": "LayoutView", - "grid_template_rows": null, - "right": null, - "justify_content": null, - "_view_module": "@jupyter-widgets/base", - "overflow": null, - "_model_module_version": "1.2.0", - "_view_count": null, - "flex_flow": null, - "width": null, - "min_width": null, - "border": null, - "align_items": null, - "bottom": null, - "_model_module": "@jupyter-widgets/base", - "top": null, - "grid_column": null, - "overflow_y": null, - "overflow_x": null, - "grid_auto_flow": null, - "grid_area": null, - "grid_template_columns": null, - "flex": null, - "_model_name": "LayoutModel", - "justify_items": null, - "grid_row": null, - "max_height": null, - "align_content": null, - "visibility": null, - "align_self": null, - "height": null, - "min_height": null, - "padding": null, - "grid_auto_rows": null, - "grid_gap": null, - "max_width": null, - "order": null, - "_view_module_version": "1.2.0", - "grid_template_areas": null, - "object_position": null, - "object_fit": null, - "grid_auto_columns": null, - "margin": null, - "display": null, - "left": null - } - }, - "800e30f5b4f24475a2b0046da0703631": { - "model_module": "@jupyter-widgets/controls", - "model_name": "DescriptionStyleModel", - "state": { - "_view_name": "StyleView", - "_model_name": "DescriptionStyleModel", - "description_width": "", - "_view_module": "@jupyter-widgets/base", - "_model_module_version": "1.5.0", - "_view_count": null, - "_view_module_version": "1.2.0", - "_model_module": "@jupyter-widgets/controls" - } - }, - "8764308b948745f1a677332fd21fcaf0": { - "model_module": "@jupyter-widgets/base", - "model_name": "LayoutModel", - "state": { - "_view_name": "LayoutView", - "grid_template_rows": null, - "right": null, - "justify_content": null, - "_view_module": "@jupyter-widgets/base", - "overflow": null, - "_model_module_version": "1.2.0", - "_view_count": null, - "flex_flow": null, - "width": null, - "min_width": null, - "border": null, - "align_items": null, - "bottom": null, - "_model_module": "@jupyter-widgets/base", - "top": null, - "grid_column": null, - "overflow_y": null, - "overflow_x": null, - "grid_auto_flow": null, - "grid_area": null, - "grid_template_columns": null, - "flex": null, - "_model_name": "LayoutModel", - "justify_items": null, - "grid_row": null, - "max_height": null, - "align_content": null, - "visibility": null, - "align_self": null, - "height": null, - "min_height": null, - "padding": null, - "grid_auto_rows": null, - "grid_gap": null, - "max_width": null, - "order": null, - "_view_module_version": "1.2.0", - "grid_template_areas": null, - "object_position": null, - "object_fit": null, - "grid_auto_columns": null, - "margin": null, - "display": null, - "left": null - } - } - } - } - }, - "cells": [ - { - "cell_type": "markdown", - "metadata": { - "id": "53N4k0pj_9qL" - }, - "source": [ - "# Preparation for Colab\n", - "\n", - "Make sure you're running a GPU runtime; if not, select \"GPU\" as the hardware accelerator in Runtime > Change Runtime Type in the menu. The next cells will install the `clip` package and its dependencies, and check if PyTorch 1.7.1 or later is installed." - ] - }, - { - "cell_type": "code", - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "0BpdJkdBssk9", - "outputId": "41a4070f-5321-4fc4-bd4d-0b5c1f476d56" - }, - "source": [ - "! pip install ftfy regex tqdm\n", - "! pip install git+https://github.com/openai/CLIP.git" - ], - "execution_count": 1, - "outputs": [ - { - "output_type": "stream", - "text": [ - "Collecting ftfy\n", - " Downloading ftfy-6.0.3.tar.gz (64 kB)\n", - "\u001b[?25l\r\u001b[K |█████ | 10 kB 14.9 MB/s eta 0:00:01\r\u001b[K |██████████▏ | 20 kB 18.7 MB/s eta 0:00:01\r\u001b[K |███████████████▎ | 30 kB 9.0 MB/s eta 0:00:01\r\u001b[K |████████████████████▍ | 40 kB 4.1 MB/s eta 0:00:01\r\u001b[K |█████████████████████████▌ | 51 kB 4.6 MB/s eta 0:00:01\r\u001b[K |██████████████████████████████▋ | 61 kB 4.7 MB/s eta 0:00:01\r\u001b[K |████████████████████████████████| 64 kB 1.3 MB/s \n", - "\u001b[?25hRequirement already satisfied: regex in /usr/local/lib/python3.7/dist-packages (2019.12.20)\n", - "Requirement already satisfied: tqdm in /usr/local/lib/python3.7/dist-packages (4.41.1)\n", - "Requirement already satisfied: wcwidth in /usr/local/lib/python3.7/dist-packages (from ftfy) (0.2.5)\n", - "Building wheels for collected packages: ftfy\n", - " Building wheel for ftfy (setup.py) ... \u001b[?25l\u001b[?25hdone\n", - " Created wheel for ftfy: filename=ftfy-6.0.3-py3-none-any.whl size=41934 sha256=90ec193331444b2c4ff1cd81935e7de42065b89d304db7efac67bcfd87c27873\n", - " Stored in directory: /root/.cache/pip/wheels/19/f5/38/273eb3b5e76dfd850619312f693716ac4518b498f5ffb6f56d\n", - "Successfully built ftfy\n", - "Installing collected packages: ftfy\n", - "Successfully installed ftfy-6.0.3\n", - "Collecting git+https://github.com/openai/CLIP.git\n", - " Cloning https://github.com/openai/CLIP.git to /tmp/pip-req-build-hqnbveqi\n", - " Running command git clone -q https://github.com/openai/CLIP.git /tmp/pip-req-build-hqnbveqi\n", - "Requirement already satisfied: ftfy in /usr/local/lib/python3.7/dist-packages (from clip==1.0) (6.0.3)\n", - "Requirement already satisfied: regex in /usr/local/lib/python3.7/dist-packages (from clip==1.0) (2019.12.20)\n", - "Requirement already satisfied: tqdm in /usr/local/lib/python3.7/dist-packages (from clip==1.0) (4.41.1)\n", - "Requirement already satisfied: torch in /usr/local/lib/python3.7/dist-packages (from clip==1.0) (1.9.0+cu102)\n", - "Requirement already satisfied: torchvision in /usr/local/lib/python3.7/dist-packages (from clip==1.0) (0.10.0+cu102)\n", - "Requirement already satisfied: wcwidth in /usr/local/lib/python3.7/dist-packages (from ftfy->clip==1.0) (0.2.5)\n", - "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.7/dist-packages (from torch->clip==1.0) (3.7.4.3)\n", - "Requirement already satisfied: numpy in /usr/local/lib/python3.7/dist-packages (from torchvision->clip==1.0) (1.19.5)\n", - "Requirement already satisfied: pillow>=5.3.0 in /usr/local/lib/python3.7/dist-packages (from torchvision->clip==1.0) (7.1.2)\n", - "Building wheels for collected packages: clip\n", - " Building wheel for clip (setup.py) ... \u001b[?25l\u001b[?25hdone\n", - " Created wheel for clip: filename=clip-1.0-py3-none-any.whl size=1369080 sha256=fda43d2b80cfb2b33c2d43e23ea5f53293a9a8b48d5f9e341de527f6adfbf5a3\n", - " Stored in directory: /tmp/pip-ephem-wheel-cache-kmmplf44/wheels/fd/b9/c3/5b4470e35ed76e174bff77c92f91da82098d5e35fd5bc8cdac\n", - "Successfully built clip\n", - "Installing collected packages: clip\n", - "Successfully installed clip-1.0\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "C1hkDT38hSaP", - "colab": { - "base_uri": "https://localhost:8080/" - }, - "outputId": "e10d4f17-8fa6-4b75-a18f-f0c38990b5a3" - }, - "source": [ - "import numpy as np\n", - "import torch\n", - "import clip\n", - "from tqdm.notebook import tqdm\n", - "\n", - "print(\"Torch version:\", torch.__version__)\n", - "\n", - "assert torch.__version__.split(\".\") >= [\"1\", \"7\", \"1\"], \"PyTorch 1.7.1 or later is required\"" - ], - "execution_count": 2, - "outputs": [ - { - "output_type": "stream", - "text": [ - "Torch version: 1.9.0+cu102\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "eFxgLV5HAEEw" - }, - "source": [ - "# Loading the model\n", - "\n", - "Download and instantiate a CLIP model using the `clip` module that we just installed." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "uLFS29hnhlY4", - "colab": { - "base_uri": "https://localhost:8080/" - }, - "outputId": "09abb234-693e-4efb-953f-e1847ba95758" - }, - "source": [ - "clip.available_models()" - ], - "execution_count": 3, - "outputs": [ - { - "output_type": "execute_result", - "data": { - "text/plain": [ - "['RN50', 'RN101', 'RN50x4', 'RN50x16', 'ViT-B/32', 'ViT-B/16']" - ] - }, - "metadata": { - "tags": [] - }, - "execution_count": 3 - } - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "cboKZocQlSYX", - "colab": { - "base_uri": "https://localhost:8080/" - }, - "outputId": "240acdd0-ca62-45db-8418-9e4ef73e8aff" - }, - "source": [ - "model, preprocess = clip.load(\"ViT-B/32\")" - ], - "execution_count": 4, - "outputs": [ - { - "output_type": "stream", - "text": [ - "100%|███████████████████████████████████████| 338M/338M [00:05<00:00, 63.6MiB/s]\n" - ], - "name": "stderr" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "IBRVTY9lbGm8", - "outputId": "785019a1-1f40-45b0-e349-b0d4ec3173bf" - }, - "source": [ - "input_resolution = model.visual.input_resolution\n", - "context_length = model.context_length\n", - "vocab_size = model.vocab_size\n", - "\n", - "print(\"Model parameters:\", f\"{np.sum([int(np.prod(p.shape)) for p in model.parameters()]):,}\")\n", - "print(\"Input resolution:\", input_resolution)\n", - "print(\"Context length:\", context_length)\n", - "print(\"Vocab size:\", vocab_size)" - ], - "execution_count": 5, - "outputs": [ - { - "output_type": "stream", - "text": [ - "Model parameters: 151,277,313\n", - "Input resolution: 224\n", - "Context length: 77\n", - "Vocab size: 49408\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "LhO3OtOmF8M4" - }, - "source": [ - "# Preparing ImageNet labels and prompts\n", - "\n", - "The following cell contains the 1,000 labels for the ImageNet dataset, followed by the text templates we'll use as \"prompt engineering\"." - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "R2HbOZrqa0jF" - }, - "source": [ - "imagenet_classes = [\"tench\", \"goldfish\", \"great white shark\", \"tiger shark\", \"hammerhead shark\", \"electric ray\", \"stingray\", \"rooster\", \"hen\", \"ostrich\", \"brambling\", \"goldfinch\", \"house finch\", \"junco\", \"indigo bunting\", \"American robin\", \"bulbul\", \"jay\", \"magpie\", \"chickadee\", \"American dipper\", \"kite (bird of prey)\", \"bald eagle\", \"vulture\", \"great grey owl\", \"fire salamander\", \"smooth newt\", \"newt\", \"spotted salamander\", \"axolotl\", \"American bullfrog\", \"tree frog\", \"tailed frog\", \"loggerhead sea turtle\", \"leatherback sea turtle\", \"mud turtle\", \"terrapin\", \"box turtle\", \"banded gecko\", \"green iguana\", \"Carolina anole\", \"desert grassland whiptail lizard\", \"agama\", \"frilled-necked lizard\", \"alligator lizard\", \"Gila monster\", \"European green lizard\", \"chameleon\", \"Komodo dragon\", \"Nile crocodile\", \"American alligator\", \"triceratops\", \"worm snake\", \"ring-necked snake\", \"eastern hog-nosed snake\", \"smooth green snake\", \"kingsnake\", \"garter snake\", \"water snake\", \"vine snake\", \"night snake\", \"boa constrictor\", \"African rock python\", \"Indian cobra\", \"green mamba\", \"sea snake\", \"Saharan horned viper\", \"eastern diamondback rattlesnake\", \"sidewinder rattlesnake\", \"trilobite\", \"harvestman\", \"scorpion\", \"yellow garden spider\", \"barn spider\", \"European garden spider\", \"southern black widow\", \"tarantula\", \"wolf spider\", \"tick\", \"centipede\", \"black grouse\", \"ptarmigan\", \"ruffed grouse\", \"prairie grouse\", \"peafowl\", \"quail\", \"partridge\", \"african grey parrot\", \"macaw\", \"sulphur-crested cockatoo\", \"lorikeet\", \"coucal\", \"bee eater\", \"hornbill\", \"hummingbird\", \"jacamar\", \"toucan\", \"duck\", \"red-breasted merganser\", \"goose\", \"black swan\", \"tusker\", \"echidna\", \"platypus\", \"wallaby\", \"koala\", \"wombat\", \"jellyfish\", \"sea anemone\", \"brain coral\", \"flatworm\", \"nematode\", \"conch\", \"snail\", \"slug\", \"sea slug\", \"chiton\", \"chambered nautilus\", \"Dungeness crab\", \"rock crab\", \"fiddler crab\", \"red king crab\", \"American lobster\", \"spiny lobster\", \"crayfish\", \"hermit crab\", \"isopod\", \"white stork\", \"black stork\", \"spoonbill\", \"flamingo\", \"little blue heron\", \"great egret\", \"bittern bird\", \"crane bird\", \"limpkin\", \"common gallinule\", \"American coot\", \"bustard\", \"ruddy turnstone\", \"dunlin\", \"common redshank\", \"dowitcher\", \"oystercatcher\", \"pelican\", \"king penguin\", \"albatross\", \"grey whale\", \"killer whale\", \"dugong\", \"sea lion\", \"Chihuahua\", \"Japanese Chin\", \"Maltese\", \"Pekingese\", \"Shih Tzu\", \"King Charles Spaniel\", \"Papillon\", \"toy terrier\", \"Rhodesian Ridgeback\", \"Afghan Hound\", \"Basset Hound\", \"Beagle\", \"Bloodhound\", \"Bluetick Coonhound\", \"Black and Tan Coonhound\", \"Treeing Walker Coonhound\", \"English foxhound\", \"Redbone Coonhound\", \"borzoi\", \"Irish Wolfhound\", \"Italian Greyhound\", \"Whippet\", \"Ibizan Hound\", \"Norwegian Elkhound\", \"Otterhound\", \"Saluki\", \"Scottish Deerhound\", \"Weimaraner\", \"Staffordshire Bull Terrier\", \"American Staffordshire Terrier\", \"Bedlington Terrier\", \"Border Terrier\", \"Kerry Blue Terrier\", \"Irish Terrier\", \"Norfolk Terrier\", \"Norwich Terrier\", \"Yorkshire Terrier\", \"Wire Fox Terrier\", \"Lakeland Terrier\", \"Sealyham Terrier\", \"Airedale Terrier\", \"Cairn Terrier\", \"Australian Terrier\", \"Dandie Dinmont Terrier\", \"Boston Terrier\", \"Miniature Schnauzer\", \"Giant Schnauzer\", \"Standard Schnauzer\", \"Scottish Terrier\", \"Tibetan Terrier\", \"Australian Silky Terrier\", \"Soft-coated Wheaten Terrier\", \"West Highland White Terrier\", \"Lhasa Apso\", \"Flat-Coated Retriever\", \"Curly-coated Retriever\", \"Golden Retriever\", \"Labrador Retriever\", \"Chesapeake Bay Retriever\", \"German Shorthaired Pointer\", \"Vizsla\", \"English Setter\", \"Irish Setter\", \"Gordon Setter\", \"Brittany dog\", \"Clumber Spaniel\", \"English Springer Spaniel\", \"Welsh Springer Spaniel\", \"Cocker Spaniel\", \"Sussex Spaniel\", \"Irish Water Spaniel\", \"Kuvasz\", \"Schipperke\", \"Groenendael dog\", \"Malinois\", \"Briard\", \"Australian Kelpie\", \"Komondor\", \"Old English Sheepdog\", \"Shetland Sheepdog\", \"collie\", \"Border Collie\", \"Bouvier des Flandres dog\", \"Rottweiler\", \"German Shepherd Dog\", \"Dobermann\", \"Miniature Pinscher\", \"Greater Swiss Mountain Dog\", \"Bernese Mountain Dog\", \"Appenzeller Sennenhund\", \"Entlebucher Sennenhund\", \"Boxer\", \"Bullmastiff\", \"Tibetan Mastiff\", \"French Bulldog\", \"Great Dane\", \"St. Bernard\", \"husky\", \"Alaskan Malamute\", \"Siberian Husky\", \"Dalmatian\", \"Affenpinscher\", \"Basenji\", \"pug\", \"Leonberger\", \"Newfoundland dog\", \"Great Pyrenees dog\", \"Samoyed\", \"Pomeranian\", \"Chow Chow\", \"Keeshond\", \"brussels griffon\", \"Pembroke Welsh Corgi\", \"Cardigan Welsh Corgi\", \"Toy Poodle\", \"Miniature Poodle\", \"Standard Poodle\", \"Mexican hairless dog (xoloitzcuintli)\", \"grey wolf\", \"Alaskan tundra wolf\", \"red wolf or maned wolf\", \"coyote\", \"dingo\", \"dhole\", \"African wild dog\", \"hyena\", \"red fox\", \"kit fox\", \"Arctic fox\", \"grey fox\", \"tabby cat\", \"tiger cat\", \"Persian cat\", \"Siamese cat\", \"Egyptian Mau\", \"cougar\", \"lynx\", \"leopard\", \"snow leopard\", \"jaguar\", \"lion\", \"tiger\", \"cheetah\", \"brown bear\", \"American black bear\", \"polar bear\", \"sloth bear\", \"mongoose\", \"meerkat\", \"tiger beetle\", \"ladybug\", \"ground beetle\", \"longhorn beetle\", \"leaf beetle\", \"dung beetle\", \"rhinoceros beetle\", \"weevil\", \"fly\", \"bee\", \"ant\", \"grasshopper\", \"cricket insect\", \"stick insect\", \"cockroach\", \"praying mantis\", \"cicada\", \"leafhopper\", \"lacewing\", \"dragonfly\", \"damselfly\", \"red admiral butterfly\", \"ringlet butterfly\", \"monarch butterfly\", \"small white butterfly\", \"sulphur butterfly\", \"gossamer-winged butterfly\", \"starfish\", \"sea urchin\", \"sea cucumber\", \"cottontail rabbit\", \"hare\", \"Angora rabbit\", \"hamster\", \"porcupine\", \"fox squirrel\", \"marmot\", \"beaver\", \"guinea pig\", \"common sorrel horse\", \"zebra\", \"pig\", \"wild boar\", \"warthog\", \"hippopotamus\", \"ox\", \"water buffalo\", \"bison\", \"ram (adult male sheep)\", \"bighorn sheep\", \"Alpine ibex\", \"hartebeest\", \"impala (antelope)\", \"gazelle\", \"arabian camel\", \"llama\", \"weasel\", \"mink\", \"European polecat\", \"black-footed ferret\", \"otter\", \"skunk\", \"badger\", \"armadillo\", \"three-toed sloth\", \"orangutan\", \"gorilla\", \"chimpanzee\", \"gibbon\", \"siamang\", \"guenon\", \"patas monkey\", \"baboon\", \"macaque\", \"langur\", \"black-and-white colobus\", \"proboscis monkey\", \"marmoset\", \"white-headed capuchin\", \"howler monkey\", \"titi monkey\", \"Geoffroy's spider monkey\", \"common squirrel monkey\", \"ring-tailed lemur\", \"indri\", \"Asian elephant\", \"African bush elephant\", \"red panda\", \"giant panda\", \"snoek fish\", \"eel\", \"silver salmon\", \"rock beauty fish\", \"clownfish\", \"sturgeon\", \"gar fish\", \"lionfish\", \"pufferfish\", \"abacus\", \"abaya\", \"academic gown\", \"accordion\", \"acoustic guitar\", \"aircraft carrier\", \"airliner\", \"airship\", \"altar\", \"ambulance\", \"amphibious vehicle\", \"analog clock\", \"apiary\", \"apron\", \"trash can\", \"assault rifle\", \"backpack\", \"bakery\", \"balance beam\", \"balloon\", \"ballpoint pen\", \"Band-Aid\", \"banjo\", \"baluster / handrail\", \"barbell\", \"barber chair\", \"barbershop\", \"barn\", \"barometer\", \"barrel\", \"wheelbarrow\", \"baseball\", \"basketball\", \"bassinet\", \"bassoon\", \"swimming cap\", \"bath towel\", \"bathtub\", \"station wagon\", \"lighthouse\", \"beaker\", \"military hat (bearskin or shako)\", \"beer bottle\", \"beer glass\", \"bell tower\", \"baby bib\", \"tandem bicycle\", \"bikini\", \"ring binder\", \"binoculars\", \"birdhouse\", \"boathouse\", \"bobsleigh\", \"bolo tie\", \"poke bonnet\", \"bookcase\", \"bookstore\", \"bottle cap\", \"hunting bow\", \"bow tie\", \"brass memorial plaque\", \"bra\", \"breakwater\", \"breastplate\", \"broom\", \"bucket\", \"buckle\", \"bulletproof vest\", \"high-speed train\", \"butcher shop\", \"taxicab\", \"cauldron\", \"candle\", \"cannon\", \"canoe\", \"can opener\", \"cardigan\", \"car mirror\", \"carousel\", \"tool kit\", \"cardboard box / carton\", \"car wheel\", \"automated teller machine\", \"cassette\", \"cassette player\", \"castle\", \"catamaran\", \"CD player\", \"cello\", \"mobile phone\", \"chain\", \"chain-link fence\", \"chain mail\", \"chainsaw\", \"storage chest\", \"chiffonier\", \"bell or wind chime\", \"china cabinet\", \"Christmas stocking\", \"church\", \"movie theater\", \"cleaver\", \"cliff dwelling\", \"cloak\", \"clogs\", \"cocktail shaker\", \"coffee mug\", \"coffeemaker\", \"spiral or coil\", \"combination lock\", \"computer keyboard\", \"candy store\", \"container ship\", \"convertible\", \"corkscrew\", \"cornet\", \"cowboy boot\", \"cowboy hat\", \"cradle\", \"construction crane\", \"crash helmet\", \"crate\", \"infant bed\", \"Crock Pot\", \"croquet ball\", \"crutch\", \"cuirass\", \"dam\", \"desk\", \"desktop computer\", \"rotary dial telephone\", \"diaper\", \"digital clock\", \"digital watch\", \"dining table\", \"dishcloth\", \"dishwasher\", \"disc brake\", \"dock\", \"dog sled\", \"dome\", \"doormat\", \"drilling rig\", \"drum\", \"drumstick\", \"dumbbell\", \"Dutch oven\", \"electric fan\", \"electric guitar\", \"electric locomotive\", \"entertainment center\", \"envelope\", \"espresso machine\", \"face powder\", \"feather boa\", \"filing cabinet\", \"fireboat\", \"fire truck\", \"fire screen\", \"flagpole\", \"flute\", \"folding chair\", \"football helmet\", \"forklift\", \"fountain\", \"fountain pen\", \"four-poster bed\", \"freight car\", \"French horn\", \"frying pan\", \"fur coat\", \"garbage truck\", \"gas mask or respirator\", \"gas pump\", \"goblet\", \"go-kart\", \"golf ball\", \"golf cart\", \"gondola\", \"gong\", \"gown\", \"grand piano\", \"greenhouse\", \"radiator grille\", \"grocery store\", \"guillotine\", \"hair clip\", \"hair spray\", \"half-track\", \"hammer\", \"hamper\", \"hair dryer\", \"hand-held computer\", \"handkerchief\", \"hard disk drive\", \"harmonica\", \"harp\", \"combine harvester\", \"hatchet\", \"holster\", \"home theater\", \"honeycomb\", \"hook\", \"hoop skirt\", \"gymnastic horizontal bar\", \"horse-drawn vehicle\", \"hourglass\", \"iPod\", \"clothes iron\", \"carved pumpkin\", \"jeans\", \"jeep\", \"T-shirt\", \"jigsaw puzzle\", \"rickshaw\", \"joystick\", \"kimono\", \"knee pad\", \"knot\", \"lab coat\", \"ladle\", \"lampshade\", \"laptop computer\", \"lawn mower\", \"lens cap\", \"letter opener\", \"library\", \"lifeboat\", \"lighter\", \"limousine\", \"ocean liner\", \"lipstick\", \"slip-on shoe\", \"lotion\", \"music speaker\", \"loupe magnifying glass\", \"sawmill\", \"magnetic compass\", \"messenger bag\", \"mailbox\", \"tights\", \"one-piece bathing suit\", \"manhole cover\", \"maraca\", \"marimba\", \"mask\", \"matchstick\", \"maypole\", \"maze\", \"measuring cup\", \"medicine cabinet\", \"megalith\", \"microphone\", \"microwave oven\", \"military uniform\", \"milk can\", \"minibus\", \"miniskirt\", \"minivan\", \"missile\", \"mitten\", \"mixing bowl\", \"mobile home\", \"ford model t\", \"modem\", \"monastery\", \"monitor\", \"moped\", \"mortar and pestle\", \"graduation cap\", \"mosque\", \"mosquito net\", \"vespa\", \"mountain bike\", \"tent\", \"computer mouse\", \"mousetrap\", \"moving van\", \"muzzle\", \"metal nail\", \"neck brace\", \"necklace\", \"baby pacifier\", \"notebook computer\", \"obelisk\", \"oboe\", \"ocarina\", \"odometer\", \"oil filter\", \"pipe organ\", \"oscilloscope\", \"overskirt\", \"bullock cart\", \"oxygen mask\", \"product packet / packaging\", \"paddle\", \"paddle wheel\", \"padlock\", \"paintbrush\", \"pajamas\", \"palace\", \"pan flute\", \"paper towel\", \"parachute\", \"parallel bars\", \"park bench\", \"parking meter\", \"railroad car\", \"patio\", \"payphone\", \"pedestal\", \"pencil case\", \"pencil sharpener\", \"perfume\", \"Petri dish\", \"photocopier\", \"plectrum\", \"Pickelhaube\", \"picket fence\", \"pickup truck\", \"pier\", \"piggy bank\", \"pill bottle\", \"pillow\", \"ping-pong ball\", \"pinwheel\", \"pirate ship\", \"drink pitcher\", \"block plane\", \"planetarium\", \"plastic bag\", \"plate rack\", \"farm plow\", \"plunger\", \"Polaroid camera\", \"pole\", \"police van\", \"poncho\", \"pool table\", \"soda bottle\", \"plant pot\", \"potter's wheel\", \"power drill\", \"prayer rug\", \"printer\", \"prison\", \"missile\", \"projector\", \"hockey puck\", \"punching bag\", \"purse\", \"quill\", \"quilt\", \"race car\", \"racket\", \"radiator\", \"radio\", \"radio telescope\", \"rain barrel\", \"recreational vehicle\", \"fishing casting reel\", \"reflex camera\", \"refrigerator\", \"remote control\", \"restaurant\", \"revolver\", \"rifle\", \"rocking chair\", \"rotisserie\", \"eraser\", \"rugby ball\", \"ruler measuring stick\", \"sneaker\", \"safe\", \"safety pin\", \"salt shaker\", \"sandal\", \"sarong\", \"saxophone\", \"scabbard\", \"weighing scale\", \"school bus\", \"schooner\", \"scoreboard\", \"CRT monitor\", \"screw\", \"screwdriver\", \"seat belt\", \"sewing machine\", \"shield\", \"shoe store\", \"shoji screen / room divider\", \"shopping basket\", \"shopping cart\", \"shovel\", \"shower cap\", \"shower curtain\", \"ski\", \"balaclava ski mask\", \"sleeping bag\", \"slide rule\", \"sliding door\", \"slot machine\", \"snorkel\", \"snowmobile\", \"snowplow\", \"soap dispenser\", \"soccer ball\", \"sock\", \"solar thermal collector\", \"sombrero\", \"soup bowl\", \"keyboard space bar\", \"space heater\", \"space shuttle\", \"spatula\", \"motorboat\", \"spider web\", \"spindle\", \"sports car\", \"spotlight\", \"stage\", \"steam locomotive\", \"through arch bridge\", \"steel drum\", \"stethoscope\", \"scarf\", \"stone wall\", \"stopwatch\", \"stove\", \"strainer\", \"tram\", \"stretcher\", \"couch\", \"stupa\", \"submarine\", \"suit\", \"sundial\", \"sunglasses\", \"sunglasses\", \"sunscreen\", \"suspension bridge\", \"mop\", \"sweatshirt\", \"swim trunks / shorts\", \"swing\", \"electrical switch\", \"syringe\", \"table lamp\", \"tank\", \"tape player\", \"teapot\", \"teddy bear\", \"television\", \"tennis ball\", \"thatched roof\", \"front curtain\", \"thimble\", \"threshing machine\", \"throne\", \"tile roof\", \"toaster\", \"tobacco shop\", \"toilet seat\", \"torch\", \"totem pole\", \"tow truck\", \"toy store\", \"tractor\", \"semi-trailer truck\", \"tray\", \"trench coat\", \"tricycle\", \"trimaran\", \"tripod\", \"triumphal arch\", \"trolleybus\", \"trombone\", \"hot tub\", \"turnstile\", \"typewriter keyboard\", \"umbrella\", \"unicycle\", \"upright piano\", \"vacuum cleaner\", \"vase\", \"vaulted or arched ceiling\", \"velvet fabric\", \"vending machine\", \"vestment\", \"viaduct\", \"violin\", \"volleyball\", \"waffle iron\", \"wall clock\", \"wallet\", \"wardrobe\", \"military aircraft\", \"sink\", \"washing machine\", \"water bottle\", \"water jug\", \"water tower\", \"whiskey jug\", \"whistle\", \"hair wig\", \"window screen\", \"window shade\", \"Windsor tie\", \"wine bottle\", \"airplane wing\", \"wok\", \"wooden spoon\", \"wool\", \"split-rail fence\", \"shipwreck\", \"sailboat\", \"yurt\", \"website\", \"comic book\", \"crossword\", \"traffic or street sign\", \"traffic light\", \"dust jacket\", \"menu\", \"plate\", \"guacamole\", \"consomme\", \"hot pot\", \"trifle\", \"ice cream\", \"popsicle\", \"baguette\", \"bagel\", \"pretzel\", \"cheeseburger\", \"hot dog\", \"mashed potatoes\", \"cabbage\", \"broccoli\", \"cauliflower\", \"zucchini\", \"spaghetti squash\", \"acorn squash\", \"butternut squash\", \"cucumber\", \"artichoke\", \"bell pepper\", \"cardoon\", \"mushroom\", \"Granny Smith apple\", \"strawberry\", \"orange\", \"lemon\", \"fig\", \"pineapple\", \"banana\", \"jackfruit\", \"cherimoya (custard apple)\", \"pomegranate\", \"hay\", \"carbonara\", \"chocolate syrup\", \"dough\", \"meatloaf\", \"pizza\", \"pot pie\", \"burrito\", \"red wine\", \"espresso\", \"tea cup\", \"eggnog\", \"mountain\", \"bubble\", \"cliff\", \"coral reef\", \"geyser\", \"lakeshore\", \"promontory\", \"sandbar\", \"beach\", \"valley\", \"volcano\", \"baseball player\", \"bridegroom\", \"scuba diver\", \"rapeseed\", \"daisy\", \"yellow lady's slipper\", \"corn\", \"acorn\", \"rose hip\", \"horse chestnut seed\", \"coral fungus\", \"agaric\", \"gyromitra\", \"stinkhorn mushroom\", \"earth star fungus\", \"hen of the woods mushroom\", \"bolete\", \"corn cob\", \"toilet paper\"]" - ], - "execution_count": 6, - "outputs": [] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "eMQSCuBta2G6" - }, - "source": [ - "A subset of these class names are modified from the default ImageNet class names sourced from Anish Athalye's imagenet-simple-labels.\n", - "\n", - "These edits were made via trial and error and concentrated on the lowest performing classes according to top_1 and top_5 accuracy on the ImageNet training set for the RN50, RN101, and RN50x4 models. These tweaks improve top_1 by 1.5% on ViT-B/32 over using the default class names. Alec got bored somewhere along the way as gains started to diminish and never finished updating / tweaking the list. He also didn't revisit this with the better performing RN50x16, RN50x64, or any of the ViT models. He thinks it's likely another 0.5% to 1% top_1 could be gained from further work here. It'd be interesting to more rigorously study / understand this.\n", - "\n", - "Some examples beyond the crane/crane -> construction crane / bird crane issue mentioned in Section 3.1.4 of the paper include:\n", - "\n", - "- CLIP interprets \"nail\" as \"fingernail\" so we changed the label to \"metal nail\".\n", - "- ImageNet kite class refers to the bird of prey, not the flying toy, so we changed \"kite\" to \"kite (bird of prey)\"\n", - "- The ImageNet class for red wolf seems to include a lot of mislabeled maned wolfs so we changed \"red wolf\" to \"red wolf or maned wolf\"" - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "toGtcd-Ji_MD", - "colab": { - "base_uri": "https://localhost:8080/" - }, - "outputId": "b6eb0753-2bee-4144-abe3-fbd23f35f555" - }, - "source": [ - "imagenet_templates = [\n", - " 'a bad photo of a {}.',\n", - " 'a photo of many {}.',\n", - " 'a sculpture of a {}.',\n", - " 'a photo of the hard to see {}.',\n", - " 'a low resolution photo of the {}.',\n", - " 'a rendering of a {}.',\n", - " 'graffiti of a {}.',\n", - " 'a bad photo of the {}.',\n", - " 'a cropped photo of the {}.',\n", - " 'a tattoo of a {}.',\n", - " 'the embroidered {}.',\n", - " 'a photo of a hard to see {}.',\n", - " 'a bright photo of a {}.',\n", - " 'a photo of a clean {}.',\n", - " 'a photo of a dirty {}.',\n", - " 'a dark photo of the {}.',\n", - " 'a drawing of a {}.',\n", - " 'a photo of my {}.',\n", - " 'the plastic {}.',\n", - " 'a photo of the cool {}.',\n", - " 'a close-up photo of a {}.',\n", - " 'a black and white photo of the {}.',\n", - " 'a painting of the {}.',\n", - " 'a painting of a {}.',\n", - " 'a pixelated photo of the {}.',\n", - " 'a sculpture of the {}.',\n", - " 'a bright photo of the {}.',\n", - " 'a cropped photo of a {}.',\n", - " 'a plastic {}.',\n", - " 'a photo of the dirty {}.',\n", - " 'a jpeg corrupted photo of a {}.',\n", - " 'a blurry photo of the {}.',\n", - " 'a photo of the {}.',\n", - " 'a good photo of the {}.',\n", - " 'a rendering of the {}.',\n", - " 'a {} in a video game.',\n", - " 'a photo of one {}.',\n", - " 'a doodle of a {}.',\n", - " 'a close-up photo of the {}.',\n", - " 'a photo of a {}.',\n", - " 'the origami {}.',\n", - " 'the {} in a video game.',\n", - " 'a sketch of a {}.',\n", - " 'a doodle of the {}.',\n", - " 'a origami {}.',\n", - " 'a low resolution photo of a {}.',\n", - " 'the toy {}.',\n", - " 'a rendition of the {}.',\n", - " 'a photo of the clean {}.',\n", - " 'a photo of a large {}.',\n", - " 'a rendition of a {}.',\n", - " 'a photo of a nice {}.',\n", - " 'a photo of a weird {}.',\n", - " 'a blurry photo of a {}.',\n", - " 'a cartoon {}.',\n", - " 'art of a {}.',\n", - " 'a sketch of the {}.',\n", - " 'a embroidered {}.',\n", - " 'a pixelated photo of a {}.',\n", - " 'itap of the {}.',\n", - " 'a jpeg corrupted photo of the {}.',\n", - " 'a good photo of a {}.',\n", - " 'a plushie {}.',\n", - " 'a photo of the nice {}.',\n", - " 'a photo of the small {}.',\n", - " 'a photo of the weird {}.',\n", - " 'the cartoon {}.',\n", - " 'art of the {}.',\n", - " 'a drawing of the {}.',\n", - " 'a photo of the large {}.',\n", - " 'a black and white photo of a {}.',\n", - " 'the plushie {}.',\n", - " 'a dark photo of a {}.',\n", - " 'itap of a {}.',\n", - " 'graffiti of the {}.',\n", - " 'a toy {}.',\n", - " 'itap of my {}.',\n", - " 'a photo of a cool {}.',\n", - " 'a photo of a small {}.',\n", - " 'a tattoo of the {}.',\n", - "]\n", - "\n", - "print(f\"{len(imagenet_classes)} classes, {len(imagenet_templates)} templates\")" - ], - "execution_count": 7, - "outputs": [ - { - "output_type": "stream", - "text": [ - "1000 classes, 80 templates\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "aRB5OzgpHwqQ" - }, - "source": [ - "A similar, intuition-guided trial and error based on the ImageNet training set was used for templates. This list is pretty haphazard and was gradually made / expanded over the course of about a year of the project and was revisited / tweaked every few months. A surprising / weird thing was adding templates intended to help ImageNet-R performance (specifying different possible renditions of an object) improved standard ImageNet accuracy too.\n", - "\n", - "After the 80 templates were \"locked\" for the paper, we ran sequential forward selection over the list of 80 templates. The search terminated after ensembling 7 templates and selected them in the order below.\n", - "\n", - "1. itap of a {}.\n", - "2. a bad photo of the {}.\n", - "3. a origami {}.\n", - "4. a photo of the large {}.\n", - "5. a {} in a video game.\n", - "6. art of the {}.\n", - "7. a photo of the small {}.\n", - "\n", - "Speculating, we think it's interesting to see different scales (large and small), a difficult view (a bad photo), and \"abstract\" versions (origami, video game, art), were all selected for, but we haven't studied this in any detail. This subset performs a bit better than the full 80 ensemble reported in the paper, especially for the smaller models." - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "4W8ARJVqBJXs" - }, - "source": [ - "# Loading the Images\n", - "\n", - "The ILSVRC2012 datasets are no longer available for download publicly. We instead download the ImageNet-V2 dataset by [Recht et al.](https://arxiv.org/abs/1902.10811).\n", - "\n", - "If you have the ImageNet dataset downloaded, you can replace the dataset with the official torchvision loader, e.g.:\n", - "\n", - "```python\n", - "images = torchvision.datasets.ImageNet(\"path/to/imagenet\", split='val', transform=preprocess)\n", - "```" - ] - }, - { - "cell_type": "code", - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "moHR4UlHKsDc", - "outputId": "40731297-edc7-4cd0-be75-ed426c8fb005" - }, - "source": [ - "! pip install git+https://github.com/modestyachts/ImageNetV2_pytorch\n", - "\n", - "from imagenetv2_pytorch import ImageNetV2Dataset\n", - "\n", - "images = ImageNetV2Dataset(transform=preprocess)\n", - "loader = torch.utils.data.DataLoader(images, batch_size=32, num_workers=2)" - ], - "execution_count": 8, - "outputs": [ - { - "output_type": "stream", - "text": [ - "Collecting git+https://github.com/modestyachts/ImageNetV2_pytorch\n", - " Cloning https://github.com/modestyachts/ImageNetV2_pytorch to /tmp/pip-req-build-0kih0kn2\n", - " Running command git clone -q https://github.com/modestyachts/ImageNetV2_pytorch /tmp/pip-req-build-0kih0kn2\n", - "Building wheels for collected packages: imagenetv2-pytorch\n", - " Building wheel for imagenetv2-pytorch (setup.py) ... \u001b[?25l\u001b[?25hdone\n", - " Created wheel for imagenetv2-pytorch: filename=imagenetv2_pytorch-0.1-py3-none-any.whl size=2663 sha256=ac31e0ed9c61afc5e0271eed315d3a82844a79ae64f8ce43fc1c98928cec129f\n", - " Stored in directory: /tmp/pip-ephem-wheel-cache-745b5n1m/wheels/ab/ee/f4/73bce5c7f68d28ce632ef33ae87ce60aaca021eb2b3b31a6fa\n", - "Successfully built imagenetv2-pytorch\n", - "Installing collected packages: imagenetv2-pytorch\n", - "Successfully installed imagenetv2-pytorch-0.1\n", - "Dataset matched-frequency not found on disk, downloading....\n" - ], - "name": "stdout" - }, - { - "output_type": "stream", - "text": [ - "100%|██████████| 1.26G/1.26G [01:02<00:00, 20.2MiB/s]\n" - ], - "name": "stderr" - }, - { - "output_type": "stream", - "text": [ - "Extracting....\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "fz6D-F-Wbrtp" - }, - "source": [ - "# Creating zero-shot classifier weights" - ] - }, - { - "cell_type": "code", - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/", - "height": 67, - "referenced_widgets": [ - "66a1639713ae441d8a9b873381f9d774", - "610b775178c645e2b4663b77cc0c67b6", - "412dd15f0d8542f5ab2730f8616fb582", - "5e6315f36b4e4eeea5c6294b024e0c97", - "085d5388abda4202bfa66d0c088452f8", - "f75124b64aa147c693c67a78f8e3a231", - "6e5676a054874243b55fc6d120a07d01", - "dc6d1416c01a4047935ee15c3fd2eb1c" - ] - }, - "id": "sRqDoz1Gbsii", - "outputId": "312b8ebf-3961-4903-d8cb-3b7a94cc97b6" - }, - "source": [ - "def zeroshot_classifier(classnames, templates):\n", - " with torch.no_grad():\n", - " zeroshot_weights = []\n", - " for classname in tqdm(classnames):\n", - " texts = [template.format(classname) for template in templates] #format with class\n", - " texts = clip.tokenize(texts).cuda() #tokenize\n", - " class_embeddings = model.encode_text(texts) #embed with text encoder\n", - " class_embeddings /= class_embeddings.norm(dim=-1, keepdim=True)\n", - " class_embedding = class_embeddings.mean(dim=0)\n", - " class_embedding /= class_embedding.norm()\n", - " zeroshot_weights.append(class_embedding)\n", - " zeroshot_weights = torch.stack(zeroshot_weights, dim=1).cuda()\n", - " return zeroshot_weights\n", - "\n", - "\n", - "zeroshot_weights = zeroshot_classifier(imagenet_classes, imagenet_templates)" - ], - "execution_count": 9, - "outputs": [ - { - "output_type": "display_data", - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "66a1639713ae441d8a9b873381f9d774", - "version_minor": 0, - "version_major": 2 - }, - "text/plain": [ - "HBox(children=(FloatProgress(value=0.0, max=1000.0), HTML(value='')))" - ] - }, - "metadata": { - "tags": [] - } - }, - { - "output_type": "stream", - "text": [ - "\n" - ], - "name": "stdout" - } - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "1fZo7hG8iJP5" - }, - "source": [ - "# Zero-shot prediction" - ] - }, - { - "cell_type": "code", - "metadata": { - "id": "j4kPSZoShQxN" - }, - "source": [ - "def accuracy(output, target, topk=(1,)):\n", - " pred = output.topk(max(topk), 1, True, True)[1].t()\n", - " correct = pred.eq(target.view(1, -1).expand_as(pred))\n", - " return [float(correct[:k].reshape(-1).float().sum(0, keepdim=True).cpu().numpy()) for k in topk]" - ], - "execution_count": 10, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/", - "height": 102, - "referenced_widgets": [ - "84f80a7f3e764346969a347b0f71b24e", - "392656f01b2945f3bd7903783ed8cc96", - "8e47a435519b4ce090879b4be2f61f99", - "41b1ed6b0a9745c1a595377670b15ff4", - "179b8ae1eb7f4a828f953e889b141725", - "d8708e8414fd44f4abd6590c9b57996f", - "800e30f5b4f24475a2b0046da0703631", - "8764308b948745f1a677332fd21fcaf0" - ] - }, - "id": "wKJ7YsdlkDXo", - "outputId": "ab824854-38e4-4d37-ad40-2a7ce3c5fd43" - }, - "source": [ - "with torch.no_grad():\n", - " top1, top5, n = 0., 0., 0.\n", - " for i, (images, target) in enumerate(tqdm(loader)):\n", - " images = images.cuda()\n", - " target = target.cuda()\n", - " \n", - " # predict\n", - " image_features = model.encode_image(images)\n", - " image_features /= image_features.norm(dim=-1, keepdim=True)\n", - " logits = 100. * image_features @ zeroshot_weights\n", - "\n", - " # measure accuracy\n", - " acc1, acc5 = accuracy(logits, target, topk=(1, 5))\n", - " top1 += acc1\n", - " top5 += acc5\n", - " n += images.size(0)\n", - "\n", - "top1 = (top1 / n) * 100\n", - "top5 = (top5 / n) * 100 \n", - "\n", - "print(f\"Top-1 accuracy: {top1:.2f}\")\n", - "print(f\"Top-5 accuracy: {top5:.2f}\")" - ], - "execution_count": 11, - "outputs": [ - { - "output_type": "display_data", - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "84f80a7f3e764346969a347b0f71b24e", - "version_minor": 0, - "version_major": 2 - }, - "text/plain": [ - "HBox(children=(FloatProgress(value=0.0, max=313.0), HTML(value='')))" - ] - }, - "metadata": { - "tags": [] - } - }, - { - "output_type": "stream", - "text": [ - "\n", - "Top-1 accuracy: 55.93\n", - "Top-5 accuracy: 83.36\n" - ], - "name": "stdout" - } - ] - } - ] -} \ No newline at end of file diff --git a/multimodal/BLIP/pytorch/README.md b/multimodal/blip/pytorch/README.md similarity index 100% rename from multimodal/BLIP/pytorch/README.md rename to multimodal/blip/pytorch/README.md diff --git a/multimodal/BLIP/pytorch/train_caption.py b/multimodal/blip/pytorch/train_caption.py similarity index 100% rename from multimodal/BLIP/pytorch/train_caption.py rename to multimodal/blip/pytorch/train_caption.py diff --git a/multimodal/diffusion/ControlNet/.gitignore b/multimodal/diffusion/controlnet/.gitignore similarity index 100% rename from multimodal/diffusion/ControlNet/.gitignore rename to multimodal/diffusion/controlnet/.gitignore diff --git a/multimodal/diffusion/ControlNet/LICENSE b/multimodal/diffusion/controlnet/LICENSE similarity index 100% rename from multimodal/diffusion/ControlNet/LICENSE rename to multimodal/diffusion/controlnet/LICENSE diff --git a/multimodal/diffusion/ControlNet/README.md b/multimodal/diffusion/controlnet/README.md similarity index 100% rename from multimodal/diffusion/ControlNet/README.md rename to multimodal/diffusion/controlnet/README.md diff --git a/multimodal/diffusion/ControlNet/annotator/canny/__init__.py b/multimodal/diffusion/controlnet/annotator/canny/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/canny/__init__.py rename to multimodal/diffusion/controlnet/annotator/canny/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/ckpts/ckpts.txt b/multimodal/diffusion/controlnet/annotator/ckpts/ckpts.txt similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/ckpts/ckpts.txt rename to multimodal/diffusion/controlnet/annotator/ckpts/ckpts.txt diff --git a/multimodal/diffusion/ControlNet/annotator/hed/__init__.py b/multimodal/diffusion/controlnet/annotator/hed/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/hed/__init__.py rename to multimodal/diffusion/controlnet/annotator/hed/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/LICENSE b/multimodal/diffusion/controlnet/annotator/midas/LICENSE similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/LICENSE rename to multimodal/diffusion/controlnet/annotator/midas/LICENSE diff --git a/multimodal/diffusion/ControlNet/annotator/midas/__init__.py b/multimodal/diffusion/controlnet/annotator/midas/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/__init__.py rename to multimodal/diffusion/controlnet/annotator/midas/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/api.py b/multimodal/diffusion/controlnet/annotator/midas/api.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/api.py rename to multimodal/diffusion/controlnet/annotator/midas/api.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/midas/__init__.py b/multimodal/diffusion/controlnet/annotator/midas/midas/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/midas/__init__.py rename to multimodal/diffusion/controlnet/annotator/midas/midas/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/midas/base_model.py b/multimodal/diffusion/controlnet/annotator/midas/midas/base_model.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/midas/base_model.py rename to multimodal/diffusion/controlnet/annotator/midas/midas/base_model.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/midas/blocks.py b/multimodal/diffusion/controlnet/annotator/midas/midas/blocks.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/midas/blocks.py rename to multimodal/diffusion/controlnet/annotator/midas/midas/blocks.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/midas/dpt_depth.py b/multimodal/diffusion/controlnet/annotator/midas/midas/dpt_depth.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/midas/dpt_depth.py rename to multimodal/diffusion/controlnet/annotator/midas/midas/dpt_depth.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/midas/midas_net.py b/multimodal/diffusion/controlnet/annotator/midas/midas/midas_net.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/midas/midas_net.py rename to multimodal/diffusion/controlnet/annotator/midas/midas/midas_net.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/midas/midas_net_custom.py b/multimodal/diffusion/controlnet/annotator/midas/midas/midas_net_custom.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/midas/midas_net_custom.py rename to multimodal/diffusion/controlnet/annotator/midas/midas/midas_net_custom.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/midas/transforms.py b/multimodal/diffusion/controlnet/annotator/midas/midas/transforms.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/midas/transforms.py rename to multimodal/diffusion/controlnet/annotator/midas/midas/transforms.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/midas/vit.py b/multimodal/diffusion/controlnet/annotator/midas/midas/vit.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/midas/vit.py rename to multimodal/diffusion/controlnet/annotator/midas/midas/vit.py diff --git a/multimodal/diffusion/ControlNet/annotator/midas/utils.py b/multimodal/diffusion/controlnet/annotator/midas/utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/midas/utils.py rename to multimodal/diffusion/controlnet/annotator/midas/utils.py diff --git a/multimodal/diffusion/ControlNet/annotator/mlsd/LICENSE b/multimodal/diffusion/controlnet/annotator/mlsd/LICENSE similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/mlsd/LICENSE rename to multimodal/diffusion/controlnet/annotator/mlsd/LICENSE diff --git a/multimodal/diffusion/ControlNet/annotator/mlsd/__init__.py b/multimodal/diffusion/controlnet/annotator/mlsd/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/mlsd/__init__.py rename to multimodal/diffusion/controlnet/annotator/mlsd/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/mlsd/models/mbv2_mlsd_large.py b/multimodal/diffusion/controlnet/annotator/mlsd/models/mbv2_mlsd_large.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/mlsd/models/mbv2_mlsd_large.py rename to multimodal/diffusion/controlnet/annotator/mlsd/models/mbv2_mlsd_large.py diff --git a/multimodal/diffusion/ControlNet/annotator/mlsd/models/mbv2_mlsd_tiny.py b/multimodal/diffusion/controlnet/annotator/mlsd/models/mbv2_mlsd_tiny.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/mlsd/models/mbv2_mlsd_tiny.py rename to multimodal/diffusion/controlnet/annotator/mlsd/models/mbv2_mlsd_tiny.py diff --git a/multimodal/diffusion/ControlNet/annotator/mlsd/utils.py b/multimodal/diffusion/controlnet/annotator/mlsd/utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/mlsd/utils.py rename to multimodal/diffusion/controlnet/annotator/mlsd/utils.py diff --git a/multimodal/diffusion/ControlNet/annotator/openpose/LICENSE b/multimodal/diffusion/controlnet/annotator/openpose/LICENSE similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/openpose/LICENSE rename to multimodal/diffusion/controlnet/annotator/openpose/LICENSE diff --git a/multimodal/diffusion/ControlNet/annotator/openpose/__init__.py b/multimodal/diffusion/controlnet/annotator/openpose/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/openpose/__init__.py rename to multimodal/diffusion/controlnet/annotator/openpose/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/openpose/body.py b/multimodal/diffusion/controlnet/annotator/openpose/body.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/openpose/body.py rename to multimodal/diffusion/controlnet/annotator/openpose/body.py diff --git a/multimodal/diffusion/ControlNet/annotator/openpose/hand.py b/multimodal/diffusion/controlnet/annotator/openpose/hand.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/openpose/hand.py rename to multimodal/diffusion/controlnet/annotator/openpose/hand.py diff --git a/multimodal/diffusion/ControlNet/annotator/openpose/model.py b/multimodal/diffusion/controlnet/annotator/openpose/model.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/openpose/model.py rename to multimodal/diffusion/controlnet/annotator/openpose/model.py diff --git a/multimodal/diffusion/ControlNet/annotator/openpose/util.py b/multimodal/diffusion/controlnet/annotator/openpose/util.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/openpose/util.py rename to multimodal/diffusion/controlnet/annotator/openpose/util.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/LICENSE b/multimodal/diffusion/controlnet/annotator/uniformer/LICENSE similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/LICENSE rename to multimodal/diffusion/controlnet/annotator/uniformer/LICENSE diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/ade20k.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/ade20k.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/ade20k.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/ade20k.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/chase_db1.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/chase_db1.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/chase_db1.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/chase_db1.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/cityscapes.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/cityscapes.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/cityscapes.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/cityscapes.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/cityscapes_769x769.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/cityscapes_769x769.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/cityscapes_769x769.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/cityscapes_769x769.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/drive.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/drive.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/drive.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/drive.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/hrf.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/hrf.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/hrf.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/hrf.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/pascal_context.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/pascal_context.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/pascal_context.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/pascal_context.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/pascal_context_59.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/pascal_context_59.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/pascal_context_59.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/pascal_context_59.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/pascal_voc12.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/pascal_voc12.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/pascal_voc12.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/pascal_voc12.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/pascal_voc12_aug.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/pascal_voc12_aug.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/pascal_voc12_aug.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/pascal_voc12_aug.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/stare.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/stare.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/datasets/stare.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/datasets/stare.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/default_runtime.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/default_runtime.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/default_runtime.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/default_runtime.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/ann_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/ann_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/ann_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/ann_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/apcnet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/apcnet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/apcnet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/apcnet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/ccnet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/ccnet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/ccnet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/ccnet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/cgnet.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/cgnet.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/cgnet.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/cgnet.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/danet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/danet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/danet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/danet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/deeplabv3_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/deeplabv3_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/deeplabv3_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/deeplabv3_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/deeplabv3_unet_s5-d16.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/deeplabv3_unet_s5-d16.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/deeplabv3_unet_s5-d16.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/deeplabv3_unet_s5-d16.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/deeplabv3plus_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/deeplabv3plus_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/deeplabv3plus_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/deeplabv3plus_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/dmnet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/dmnet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/dmnet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/dmnet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/dnl_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/dnl_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/dnl_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/dnl_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/emanet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/emanet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/emanet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/emanet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/encnet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/encnet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/encnet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/encnet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fast_scnn.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fast_scnn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fast_scnn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fast_scnn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fcn_hr18.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fcn_hr18.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fcn_hr18.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fcn_hr18.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fcn_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fcn_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fcn_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fcn_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fcn_unet_s5-d16.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fcn_unet_s5-d16.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fcn_unet_s5-d16.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fcn_unet_s5-d16.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fpn_r50.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fpn_r50.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fpn_r50.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fpn_r50.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fpn_uniformer.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fpn_uniformer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/fpn_uniformer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/fpn_uniformer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/gcnet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/gcnet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/gcnet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/gcnet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/lraspp_m-v3-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/lraspp_m-v3-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/lraspp_m-v3-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/lraspp_m-v3-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/nonlocal_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/nonlocal_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/nonlocal_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/nonlocal_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/ocrnet_hr18.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/ocrnet_hr18.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/ocrnet_hr18.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/ocrnet_hr18.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/ocrnet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/ocrnet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/ocrnet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/ocrnet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/pointrend_r50.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/pointrend_r50.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/pointrend_r50.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/pointrend_r50.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/psanet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/psanet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/psanet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/psanet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/pspnet_r50-d8.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/pspnet_r50-d8.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/pspnet_r50-d8.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/pspnet_r50-d8.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/pspnet_unet_s5-d16.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/pspnet_unet_s5-d16.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/pspnet_unet_s5-d16.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/pspnet_unet_s5-d16.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/upernet_r50.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/upernet_r50.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/upernet_r50.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/upernet_r50.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/upernet_uniformer.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/upernet_uniformer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/models/upernet_uniformer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/models/upernet_uniformer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/schedules/schedule_160k.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/schedules/schedule_160k.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/schedules/schedule_160k.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/schedules/schedule_160k.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/schedules/schedule_20k.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/schedules/schedule_20k.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/schedules/schedule_20k.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/schedules/schedule_20k.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/schedules/schedule_40k.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/schedules/schedule_40k.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/schedules/schedule_40k.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/schedules/schedule_40k.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/schedules/schedule_80k.py b/multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/schedules/schedule_80k.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/configs/_base_/schedules/schedule_80k.py rename to multimodal/diffusion/controlnet/annotator/uniformer/configs/_base_/schedules/schedule_80k.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/config.py b/multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/config.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/config.py rename to multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/config.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/run.sh b/multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/run.sh similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/run.sh rename to multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/run.sh diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/test.sh b/multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/test.sh similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/test.sh rename to multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/test.sh diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/test_config_g.py b/multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/test_config_g.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/test_config_g.py rename to multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/test_config_g.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/test_config_h32.py b/multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/test_config_h32.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/test_config_h32.py rename to multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/test_config_h32.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/test_config_w32.py b/multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/test_config_w32.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/exp/upernet_global_small/test_config_w32.py rename to multimodal/diffusion/controlnet/annotator/uniformer/exp/upernet_global_small/test_config_w32.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/arraymisc/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/arraymisc/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/arraymisc/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/arraymisc/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/arraymisc/quantization.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/arraymisc/quantization.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/arraymisc/quantization.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/arraymisc/quantization.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/alexnet.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/alexnet.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/alexnet.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/alexnet.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/activation.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/activation.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/activation.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/activation.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/context_block.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/context_block.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/context_block.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/context_block.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/conv.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/conv.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/conv.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/conv.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/conv2d_adaptive_padding.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/conv2d_adaptive_padding.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/conv2d_adaptive_padding.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/conv2d_adaptive_padding.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/conv_module.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/conv_module.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/conv_module.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/conv_module.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/conv_ws.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/conv_ws.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/conv_ws.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/conv_ws.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/depthwise_separable_conv_module.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/depthwise_separable_conv_module.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/depthwise_separable_conv_module.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/depthwise_separable_conv_module.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/drop.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/drop.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/drop.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/drop.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/generalized_attention.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/generalized_attention.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/generalized_attention.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/generalized_attention.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/hsigmoid.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/hsigmoid.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/hsigmoid.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/hsigmoid.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/hswish.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/hswish.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/hswish.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/hswish.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/non_local.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/non_local.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/non_local.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/non_local.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/norm.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/norm.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/norm.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/norm.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/padding.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/padding.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/padding.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/padding.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/plugin.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/plugin.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/plugin.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/plugin.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/registry.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/registry.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/registry.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/registry.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/scale.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/scale.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/scale.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/scale.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/swish.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/swish.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/swish.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/swish.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/transformer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/transformer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/transformer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/transformer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/upsample.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/upsample.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/upsample.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/upsample.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/wrappers.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/wrappers.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/bricks/wrappers.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/bricks/wrappers.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/builder.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/builder.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/builder.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/builder.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/resnet.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/resnet.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/resnet.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/resnet.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/flops_counter.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/flops_counter.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/flops_counter.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/flops_counter.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/fuse_conv_bn.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/fuse_conv_bn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/fuse_conv_bn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/fuse_conv_bn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/sync_bn.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/sync_bn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/sync_bn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/sync_bn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/weight_init.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/weight_init.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/utils/weight_init.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/utils/weight_init.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/vgg.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/vgg.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/cnn/vgg.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/cnn/vgg.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/engine/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/engine/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/engine/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/engine/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/engine/test.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/engine/test.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/engine/test.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/engine/test.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/file_client.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/file_client.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/file_client.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/file_client.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/base.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/base.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/base.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/base.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/json_handler.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/json_handler.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/json_handler.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/json_handler.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/pickle_handler.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/pickle_handler.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/pickle_handler.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/pickle_handler.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/yaml_handler.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/yaml_handler.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/handlers/yaml_handler.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/handlers/yaml_handler.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/io.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/io.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/io.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/io.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/parse.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/parse.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/fileio/parse.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/fileio/parse.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/colorspace.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/colorspace.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/colorspace.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/colorspace.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/geometric.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/geometric.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/geometric.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/geometric.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/io.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/io.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/io.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/io.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/misc.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/misc.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/misc.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/misc.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/photometric.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/photometric.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/image/photometric.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/image/photometric.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/model_zoo/deprecated.json b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/model_zoo/deprecated.json similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/model_zoo/deprecated.json rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/model_zoo/deprecated.json diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/model_zoo/mmcls.json b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/model_zoo/mmcls.json similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/model_zoo/mmcls.json rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/model_zoo/mmcls.json diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/model_zoo/open_mmlab.json b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/model_zoo/open_mmlab.json similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/model_zoo/open_mmlab.json rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/model_zoo/open_mmlab.json diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/assign_score_withk.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/assign_score_withk.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/assign_score_withk.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/assign_score_withk.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/ball_query.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/ball_query.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/ball_query.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/ball_query.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/bbox.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/bbox.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/bbox.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/bbox.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/border_align.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/border_align.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/border_align.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/border_align.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/box_iou_rotated.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/box_iou_rotated.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/box_iou_rotated.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/box_iou_rotated.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/carafe.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/carafe.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/carafe.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/carafe.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/cc_attention.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/cc_attention.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/cc_attention.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/cc_attention.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/contour_expand.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/contour_expand.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/contour_expand.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/contour_expand.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/corner_pool.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/corner_pool.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/corner_pool.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/corner_pool.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/correlation.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/correlation.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/correlation.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/correlation.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/deform_conv.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/deform_conv.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/deform_conv.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/deform_conv.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/deform_roi_pool.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/deform_roi_pool.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/deform_roi_pool.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/deform_roi_pool.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/deprecated_wrappers.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/deprecated_wrappers.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/deprecated_wrappers.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/deprecated_wrappers.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/focal_loss.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/focal_loss.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/focal_loss.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/focal_loss.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/furthest_point_sample.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/furthest_point_sample.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/furthest_point_sample.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/furthest_point_sample.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/fused_bias_leakyrelu.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/fused_bias_leakyrelu.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/fused_bias_leakyrelu.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/fused_bias_leakyrelu.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/gather_points.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/gather_points.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/gather_points.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/gather_points.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/group_points.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/group_points.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/group_points.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/group_points.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/info.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/info.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/info.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/info.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/iou3d.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/iou3d.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/iou3d.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/iou3d.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/knn.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/knn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/knn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/knn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/masked_conv.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/masked_conv.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/masked_conv.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/masked_conv.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/merge_cells.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/merge_cells.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/merge_cells.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/merge_cells.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/modulated_deform_conv.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/modulated_deform_conv.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/modulated_deform_conv.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/modulated_deform_conv.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/multi_scale_deform_attn.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/multi_scale_deform_attn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/multi_scale_deform_attn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/multi_scale_deform_attn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/nms.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/nms.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/nms.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/nms.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/pixel_group.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/pixel_group.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/pixel_group.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/pixel_group.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/point_sample.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/point_sample.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/point_sample.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/point_sample.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/points_in_boxes.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/points_in_boxes.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/points_in_boxes.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/points_in_boxes.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/points_sampler.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/points_sampler.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/points_sampler.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/points_sampler.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/psa_mask.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/psa_mask.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/psa_mask.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/psa_mask.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roi_align.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roi_align.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roi_align.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roi_align.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roi_align_rotated.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roi_align_rotated.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roi_align_rotated.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roi_align_rotated.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roi_pool.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roi_pool.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roi_pool.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roi_pool.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roiaware_pool3d.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roiaware_pool3d.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roiaware_pool3d.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roiaware_pool3d.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roipoint_pool3d.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roipoint_pool3d.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/roipoint_pool3d.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/roipoint_pool3d.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/saconv.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/saconv.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/saconv.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/saconv.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/scatter_points.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/scatter_points.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/scatter_points.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/scatter_points.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/sync_bn.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/sync_bn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/sync_bn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/sync_bn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/three_interpolate.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/three_interpolate.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/three_interpolate.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/three_interpolate.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/three_nn.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/three_nn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/three_nn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/three_nn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/tin_shift.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/tin_shift.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/tin_shift.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/tin_shift.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/upfirdn2d.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/upfirdn2d.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/upfirdn2d.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/upfirdn2d.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/voxelize.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/voxelize.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/ops/voxelize.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/ops/voxelize.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/_functions.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/_functions.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/_functions.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/_functions.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/collate.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/collate.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/collate.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/collate.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/data_container.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/data_container.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/data_container.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/data_container.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/data_parallel.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/data_parallel.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/data_parallel.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/data_parallel.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/distributed.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/distributed.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/distributed.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/distributed.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/distributed_deprecated.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/distributed_deprecated.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/distributed_deprecated.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/distributed_deprecated.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/registry.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/registry.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/registry.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/registry.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/scatter_gather.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/scatter_gather.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/scatter_gather.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/scatter_gather.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/utils.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/parallel/utils.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/parallel/utils.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/base_module.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/base_module.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/base_module.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/base_module.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/base_runner.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/base_runner.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/base_runner.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/base_runner.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/builder.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/builder.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/builder.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/builder.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/checkpoint.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/checkpoint.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/checkpoint.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/checkpoint.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/default_constructor.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/default_constructor.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/default_constructor.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/default_constructor.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/dist_utils.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/dist_utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/dist_utils.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/dist_utils.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/epoch_based_runner.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/epoch_based_runner.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/epoch_based_runner.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/epoch_based_runner.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/fp16_utils.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/fp16_utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/fp16_utils.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/fp16_utils.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/checkpoint.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/checkpoint.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/checkpoint.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/checkpoint.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/closure.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/closure.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/closure.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/closure.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/ema.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/ema.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/ema.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/ema.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/evaluation.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/evaluation.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/evaluation.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/evaluation.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/hook.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/hook.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/hook.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/hook.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/iter_timer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/iter_timer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/iter_timer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/iter_timer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/base.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/base.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/base.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/base.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/dvclive.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/dvclive.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/dvclive.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/dvclive.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/mlflow.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/mlflow.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/mlflow.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/mlflow.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/neptune.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/neptune.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/neptune.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/neptune.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/pavi.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/pavi.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/pavi.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/pavi.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/tensorboard.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/tensorboard.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/tensorboard.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/tensorboard.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/text.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/text.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/text.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/text.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/wandb.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/wandb.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/logger/wandb.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/logger/wandb.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/lr_updater.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/lr_updater.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/lr_updater.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/lr_updater.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/memory.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/memory.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/memory.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/memory.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/momentum_updater.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/momentum_updater.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/momentum_updater.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/momentum_updater.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/optimizer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/optimizer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/optimizer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/optimizer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/profiler.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/profiler.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/profiler.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/profiler.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/sampler_seed.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/sampler_seed.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/sampler_seed.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/sampler_seed.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/sync_buffer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/sync_buffer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/hooks/sync_buffer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/hooks/sync_buffer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/iter_based_runner.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/iter_based_runner.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/iter_based_runner.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/iter_based_runner.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/log_buffer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/log_buffer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/log_buffer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/log_buffer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/optimizer/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/optimizer/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/optimizer/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/optimizer/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/optimizer/builder.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/optimizer/builder.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/optimizer/builder.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/optimizer/builder.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/optimizer/default_constructor.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/optimizer/default_constructor.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/optimizer/default_constructor.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/optimizer/default_constructor.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/priority.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/priority.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/priority.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/priority.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/utils.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/runner/utils.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/runner/utils.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/config.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/config.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/config.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/config.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/env.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/env.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/env.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/env.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/ext_loader.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/ext_loader.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/ext_loader.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/ext_loader.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/logging.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/logging.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/logging.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/logging.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/misc.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/misc.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/misc.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/misc.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/parrots_jit.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/parrots_jit.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/parrots_jit.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/parrots_jit.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/parrots_wrapper.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/parrots_wrapper.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/parrots_wrapper.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/parrots_wrapper.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/path.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/path.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/path.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/path.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/progressbar.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/progressbar.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/progressbar.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/progressbar.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/registry.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/registry.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/registry.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/registry.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/testing.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/testing.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/testing.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/testing.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/timer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/timer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/timer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/timer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/trace.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/trace.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/trace.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/trace.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/version_utils.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/version_utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/utils/version_utils.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/utils/version_utils.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/version.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/version.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/version.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/version.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/video/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/video/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/video/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/video/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/video/io.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/video/io.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/video/io.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/video/io.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/video/optflow.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/video/optflow.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/video/optflow.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/video/optflow.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/video/processing.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/video/processing.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/video/processing.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/video/processing.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/visualization/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/visualization/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/visualization/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/visualization/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/visualization/color.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/visualization/color.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/visualization/color.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/visualization/color.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/visualization/image.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/visualization/image.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/visualization/image.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/visualization/image.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/visualization/optflow.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv/visualization/optflow.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv/visualization/optflow.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv/visualization/optflow.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv_custom/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv_custom/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv_custom/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv_custom/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmcv_custom/checkpoint.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmcv_custom/checkpoint.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmcv_custom/checkpoint.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmcv_custom/checkpoint.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/apis/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/apis/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/apis/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/apis/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/apis/inference.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/apis/inference.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/apis/inference.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/apis/inference.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/apis/test.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/apis/test.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/apis/test.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/apis/test.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/apis/train.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/apis/train.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/apis/train.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/apis/train.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/evaluation/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/evaluation/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/evaluation/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/evaluation/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/evaluation/class_names.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/evaluation/class_names.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/evaluation/class_names.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/evaluation/class_names.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/evaluation/eval_hooks.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/evaluation/eval_hooks.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/evaluation/eval_hooks.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/evaluation/eval_hooks.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/evaluation/metrics.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/evaluation/metrics.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/evaluation/metrics.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/evaluation/metrics.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/builder.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/builder.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/builder.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/builder.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/sampler/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/sampler/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/sampler/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/sampler/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/sampler/base_pixel_sampler.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/sampler/base_pixel_sampler.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/sampler/base_pixel_sampler.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/sampler/base_pixel_sampler.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/sampler/ohem_pixel_sampler.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/sampler/ohem_pixel_sampler.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/seg/sampler/ohem_pixel_sampler.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/seg/sampler/ohem_pixel_sampler.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/utils/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/utils/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/utils/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/utils/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/utils/misc.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/utils/misc.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/core/utils/misc.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/core/utils/misc.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/ade.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/ade.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/ade.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/ade.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/builder.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/builder.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/builder.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/builder.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/chase_db1.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/chase_db1.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/chase_db1.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/chase_db1.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/cityscapes.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/cityscapes.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/cityscapes.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/cityscapes.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/custom.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/custom.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/custom.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/custom.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/dataset_wrappers.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/dataset_wrappers.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/dataset_wrappers.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/dataset_wrappers.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/drive.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/drive.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/drive.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/drive.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/hrf.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/hrf.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/hrf.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/hrf.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pascal_context.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pascal_context.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pascal_context.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pascal_context.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/compose.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/compose.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/compose.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/compose.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/formating.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/formating.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/formating.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/formating.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/loading.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/loading.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/loading.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/loading.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/test_time_aug.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/test_time_aug.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/test_time_aug.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/test_time_aug.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/transforms.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/transforms.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/pipelines/transforms.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/pipelines/transforms.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/stare.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/stare.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/stare.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/stare.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/voc.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/voc.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/datasets/voc.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/datasets/voc.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/cgnet.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/cgnet.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/cgnet.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/cgnet.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/fast_scnn.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/fast_scnn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/fast_scnn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/fast_scnn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/hrnet.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/hrnet.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/hrnet.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/hrnet.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/mobilenet_v2.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/mobilenet_v2.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/mobilenet_v2.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/mobilenet_v2.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/mobilenet_v3.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/mobilenet_v3.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/mobilenet_v3.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/mobilenet_v3.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/resnest.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/resnest.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/resnest.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/resnest.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/resnet.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/resnet.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/resnet.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/resnet.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/resnext.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/resnext.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/resnext.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/resnext.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/unet.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/unet.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/unet.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/unet.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/uniformer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/uniformer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/uniformer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/uniformer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/vit.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/vit.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/backbones/vit.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/backbones/vit.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/builder.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/builder.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/builder.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/builder.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/ann_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/ann_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/ann_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/ann_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/apc_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/apc_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/apc_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/apc_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/aspp_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/aspp_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/aspp_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/aspp_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/cascade_decode_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/cascade_decode_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/cascade_decode_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/cascade_decode_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/cc_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/cc_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/cc_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/cc_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/da_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/da_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/da_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/da_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/decode_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/decode_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/decode_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/decode_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/dm_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/dm_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/dm_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/dm_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/dnl_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/dnl_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/dnl_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/dnl_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/ema_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/ema_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/ema_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/ema_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/enc_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/enc_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/enc_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/enc_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/fcn_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/fcn_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/fcn_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/fcn_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/fpn_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/fpn_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/fpn_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/fpn_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/gc_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/gc_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/gc_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/gc_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/lraspp_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/lraspp_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/lraspp_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/lraspp_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/nl_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/nl_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/nl_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/nl_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/ocr_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/ocr_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/ocr_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/ocr_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/point_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/point_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/point_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/point_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/psa_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/psa_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/psa_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/psa_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/psp_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/psp_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/psp_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/psp_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/sep_aspp_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/sep_aspp_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/sep_aspp_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/sep_aspp_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/sep_fcn_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/sep_fcn_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/sep_fcn_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/sep_fcn_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/uper_head.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/uper_head.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/decode_heads/uper_head.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/decode_heads/uper_head.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/accuracy.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/accuracy.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/accuracy.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/accuracy.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/cross_entropy_loss.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/cross_entropy_loss.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/cross_entropy_loss.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/cross_entropy_loss.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/dice_loss.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/dice_loss.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/dice_loss.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/dice_loss.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/lovasz_loss.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/lovasz_loss.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/lovasz_loss.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/lovasz_loss.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/utils.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/losses/utils.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/losses/utils.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/necks/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/necks/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/necks/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/necks/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/necks/fpn.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/necks/fpn.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/necks/fpn.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/necks/fpn.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/necks/multilevel_neck.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/necks/multilevel_neck.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/necks/multilevel_neck.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/necks/multilevel_neck.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/segmentors/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/segmentors/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/segmentors/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/segmentors/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/segmentors/base.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/segmentors/base.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/segmentors/base.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/segmentors/base.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/segmentors/cascade_encoder_decoder.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/segmentors/cascade_encoder_decoder.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/segmentors/cascade_encoder_decoder.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/segmentors/cascade_encoder_decoder.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/segmentors/encoder_decoder.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/segmentors/encoder_decoder.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/segmentors/encoder_decoder.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/segmentors/encoder_decoder.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/drop.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/drop.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/drop.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/drop.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/inverted_residual.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/inverted_residual.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/inverted_residual.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/inverted_residual.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/make_divisible.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/make_divisible.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/make_divisible.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/make_divisible.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/res_layer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/res_layer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/res_layer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/res_layer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/se_layer.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/se_layer.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/se_layer.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/se_layer.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/self_attention_block.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/self_attention_block.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/self_attention_block.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/self_attention_block.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/up_conv_block.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/up_conv_block.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/up_conv_block.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/up_conv_block.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/weight_init.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/weight_init.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/models/utils/weight_init.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/models/utils/weight_init.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/ops/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/ops/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/ops/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/ops/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/ops/encoding.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/ops/encoding.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/ops/encoding.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/ops/encoding.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/ops/wrappers.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/ops/wrappers.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/ops/wrappers.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/ops/wrappers.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/utils/__init__.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/utils/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/utils/__init__.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/utils/__init__.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/utils/collect_env.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/utils/collect_env.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/utils/collect_env.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/utils/collect_env.py diff --git a/multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/utils/logger.py b/multimodal/diffusion/controlnet/annotator/uniformer/mmseg/utils/logger.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/uniformer/mmseg/utils/logger.py rename to multimodal/diffusion/controlnet/annotator/uniformer/mmseg/utils/logger.py diff --git a/multimodal/diffusion/ControlNet/annotator/util.py b/multimodal/diffusion/controlnet/annotator/util.py similarity index 100% rename from multimodal/diffusion/ControlNet/annotator/util.py rename to multimodal/diffusion/controlnet/annotator/util.py diff --git a/multimodal/diffusion/ControlNet/cldm/cldm.py b/multimodal/diffusion/controlnet/cldm/cldm.py similarity index 100% rename from multimodal/diffusion/ControlNet/cldm/cldm.py rename to multimodal/diffusion/controlnet/cldm/cldm.py diff --git a/multimodal/diffusion/ControlNet/cldm/ddim_hacked.py b/multimodal/diffusion/controlnet/cldm/ddim_hacked.py similarity index 100% rename from multimodal/diffusion/ControlNet/cldm/ddim_hacked.py rename to multimodal/diffusion/controlnet/cldm/ddim_hacked.py diff --git a/multimodal/diffusion/ControlNet/cldm/hack.py b/multimodal/diffusion/controlnet/cldm/hack.py similarity index 100% rename from multimodal/diffusion/ControlNet/cldm/hack.py rename to multimodal/diffusion/controlnet/cldm/hack.py diff --git a/multimodal/diffusion/ControlNet/cldm/logger.py b/multimodal/diffusion/controlnet/cldm/logger.py similarity index 100% rename from multimodal/diffusion/ControlNet/cldm/logger.py rename to multimodal/diffusion/controlnet/cldm/logger.py diff --git a/multimodal/diffusion/ControlNet/cldm/model.py b/multimodal/diffusion/controlnet/cldm/model.py similarity index 100% rename from multimodal/diffusion/ControlNet/cldm/model.py rename to multimodal/diffusion/controlnet/cldm/model.py diff --git a/multimodal/diffusion/ControlNet/config.py b/multimodal/diffusion/controlnet/config.py similarity index 100% rename from multimodal/diffusion/ControlNet/config.py rename to multimodal/diffusion/controlnet/config.py diff --git a/multimodal/diffusion/ControlNet/docs/annotator.md b/multimodal/diffusion/controlnet/docs/annotator.md similarity index 100% rename from multimodal/diffusion/ControlNet/docs/annotator.md rename to multimodal/diffusion/controlnet/docs/annotator.md diff --git a/multimodal/diffusion/ControlNet/docs/faq.md b/multimodal/diffusion/controlnet/docs/faq.md similarity index 100% rename from multimodal/diffusion/ControlNet/docs/faq.md rename to multimodal/diffusion/controlnet/docs/faq.md diff --git a/multimodal/diffusion/ControlNet/docs/low_vram.md b/multimodal/diffusion/controlnet/docs/low_vram.md similarity index 100% rename from multimodal/diffusion/ControlNet/docs/low_vram.md rename to multimodal/diffusion/controlnet/docs/low_vram.md diff --git a/multimodal/diffusion/ControlNet/environment.yaml b/multimodal/diffusion/controlnet/environment.yaml similarity index 100% rename from multimodal/diffusion/ControlNet/environment.yaml rename to multimodal/diffusion/controlnet/environment.yaml diff --git a/multimodal/diffusion/ControlNet/font/DejaVuSans.ttf b/multimodal/diffusion/controlnet/font/DejaVuSans.ttf similarity index 100% rename from multimodal/diffusion/ControlNet/font/DejaVuSans.ttf rename to multimodal/diffusion/controlnet/font/DejaVuSans.ttf diff --git a/multimodal/diffusion/ControlNet/gradio_annotator.py b/multimodal/diffusion/controlnet/gradio_annotator.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_annotator.py rename to multimodal/diffusion/controlnet/gradio_annotator.py diff --git a/multimodal/diffusion/ControlNet/gradio_canny2image.py b/multimodal/diffusion/controlnet/gradio_canny2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_canny2image.py rename to multimodal/diffusion/controlnet/gradio_canny2image.py diff --git a/multimodal/diffusion/ControlNet/gradio_depth2image.py b/multimodal/diffusion/controlnet/gradio_depth2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_depth2image.py rename to multimodal/diffusion/controlnet/gradio_depth2image.py diff --git a/multimodal/diffusion/ControlNet/gradio_fake_scribble2image.py b/multimodal/diffusion/controlnet/gradio_fake_scribble2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_fake_scribble2image.py rename to multimodal/diffusion/controlnet/gradio_fake_scribble2image.py diff --git a/multimodal/diffusion/ControlNet/gradio_hed2image.py b/multimodal/diffusion/controlnet/gradio_hed2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_hed2image.py rename to multimodal/diffusion/controlnet/gradio_hed2image.py diff --git a/multimodal/diffusion/ControlNet/gradio_hough2image.py b/multimodal/diffusion/controlnet/gradio_hough2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_hough2image.py rename to multimodal/diffusion/controlnet/gradio_hough2image.py diff --git a/multimodal/diffusion/ControlNet/gradio_normal2image.py b/multimodal/diffusion/controlnet/gradio_normal2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_normal2image.py rename to multimodal/diffusion/controlnet/gradio_normal2image.py diff --git a/multimodal/diffusion/ControlNet/gradio_pose2image.py b/multimodal/diffusion/controlnet/gradio_pose2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_pose2image.py rename to multimodal/diffusion/controlnet/gradio_pose2image.py diff --git a/multimodal/diffusion/ControlNet/gradio_scribble2image.py b/multimodal/diffusion/controlnet/gradio_scribble2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_scribble2image.py rename to multimodal/diffusion/controlnet/gradio_scribble2image.py diff --git a/multimodal/diffusion/ControlNet/gradio_scribble2image_interactive.py b/multimodal/diffusion/controlnet/gradio_scribble2image_interactive.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_scribble2image_interactive.py rename to multimodal/diffusion/controlnet/gradio_scribble2image_interactive.py diff --git a/multimodal/diffusion/ControlNet/gradio_seg2image.py b/multimodal/diffusion/controlnet/gradio_seg2image.py similarity index 100% rename from multimodal/diffusion/ControlNet/gradio_seg2image.py rename to multimodal/diffusion/controlnet/gradio_seg2image.py diff --git a/multimodal/diffusion/ControlNet/ldm/data/__init__.py b/multimodal/diffusion/controlnet/ldm/data/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/data/__init__.py rename to multimodal/diffusion/controlnet/ldm/data/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/data/util.py b/multimodal/diffusion/controlnet/ldm/data/util.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/data/util.py rename to multimodal/diffusion/controlnet/ldm/data/util.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/autoencoder.py b/multimodal/diffusion/controlnet/ldm/models/autoencoder.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/autoencoder.py rename to multimodal/diffusion/controlnet/ldm/models/autoencoder.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/__init__.py b/multimodal/diffusion/controlnet/ldm/models/diffusion/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/diffusion/__init__.py rename to multimodal/diffusion/controlnet/ldm/models/diffusion/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/ddim.py b/multimodal/diffusion/controlnet/ldm/models/diffusion/ddim.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/diffusion/ddim.py rename to multimodal/diffusion/controlnet/ldm/models/diffusion/ddim.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/ddpm.py b/multimodal/diffusion/controlnet/ldm/models/diffusion/ddpm.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/diffusion/ddpm.py rename to multimodal/diffusion/controlnet/ldm/models/diffusion/ddpm.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/dpm_solver/__init__.py b/multimodal/diffusion/controlnet/ldm/models/diffusion/dpm_solver/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/diffusion/dpm_solver/__init__.py rename to multimodal/diffusion/controlnet/ldm/models/diffusion/dpm_solver/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/dpm_solver/dpm_solver.py b/multimodal/diffusion/controlnet/ldm/models/diffusion/dpm_solver/dpm_solver.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/diffusion/dpm_solver/dpm_solver.py rename to multimodal/diffusion/controlnet/ldm/models/diffusion/dpm_solver/dpm_solver.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/dpm_solver/sampler.py b/multimodal/diffusion/controlnet/ldm/models/diffusion/dpm_solver/sampler.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/diffusion/dpm_solver/sampler.py rename to multimodal/diffusion/controlnet/ldm/models/diffusion/dpm_solver/sampler.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/plms.py b/multimodal/diffusion/controlnet/ldm/models/diffusion/plms.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/diffusion/plms.py rename to multimodal/diffusion/controlnet/ldm/models/diffusion/plms.py diff --git a/multimodal/diffusion/ControlNet/ldm/models/diffusion/sampling_util.py b/multimodal/diffusion/controlnet/ldm/models/diffusion/sampling_util.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/models/diffusion/sampling_util.py rename to multimodal/diffusion/controlnet/ldm/models/diffusion/sampling_util.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/attention.py b/multimodal/diffusion/controlnet/ldm/modules/attention.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/attention.py rename to multimodal/diffusion/controlnet/ldm/modules/attention.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/__init__.py b/multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/__init__.py rename to multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/model.py b/multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/model.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/model.py rename to multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/model.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/openaimodel.py b/multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/openaimodel.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/openaimodel.py rename to multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/openaimodel.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/upscaling.py b/multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/upscaling.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/upscaling.py rename to multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/upscaling.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/util.py b/multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/util.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/diffusionmodules/util.py rename to multimodal/diffusion/controlnet/ldm/modules/diffusionmodules/util.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/distributions/__init__.py b/multimodal/diffusion/controlnet/ldm/modules/distributions/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/distributions/__init__.py rename to multimodal/diffusion/controlnet/ldm/modules/distributions/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/distributions/distributions.py b/multimodal/diffusion/controlnet/ldm/modules/distributions/distributions.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/distributions/distributions.py rename to multimodal/diffusion/controlnet/ldm/modules/distributions/distributions.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/ema.py b/multimodal/diffusion/controlnet/ldm/modules/ema.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/ema.py rename to multimodal/diffusion/controlnet/ldm/modules/ema.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/encoders/__init__.py b/multimodal/diffusion/controlnet/ldm/modules/encoders/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/encoders/__init__.py rename to multimodal/diffusion/controlnet/ldm/modules/encoders/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/encoders/modules.py b/multimodal/diffusion/controlnet/ldm/modules/encoders/modules.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/encoders/modules.py rename to multimodal/diffusion/controlnet/ldm/modules/encoders/modules.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/image_degradation/__init__.py b/multimodal/diffusion/controlnet/ldm/modules/image_degradation/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/image_degradation/__init__.py rename to multimodal/diffusion/controlnet/ldm/modules/image_degradation/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/image_degradation/bsrgan.py b/multimodal/diffusion/controlnet/ldm/modules/image_degradation/bsrgan.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/image_degradation/bsrgan.py rename to multimodal/diffusion/controlnet/ldm/modules/image_degradation/bsrgan.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/image_degradation/bsrgan_light.py b/multimodal/diffusion/controlnet/ldm/modules/image_degradation/bsrgan_light.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/image_degradation/bsrgan_light.py rename to multimodal/diffusion/controlnet/ldm/modules/image_degradation/bsrgan_light.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/image_degradation/utils/test.png b/multimodal/diffusion/controlnet/ldm/modules/image_degradation/utils/test.png similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/image_degradation/utils/test.png rename to multimodal/diffusion/controlnet/ldm/modules/image_degradation/utils/test.png diff --git a/multimodal/diffusion/ControlNet/ldm/modules/image_degradation/utils_image.py b/multimodal/diffusion/controlnet/ldm/modules/image_degradation/utils_image.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/image_degradation/utils_image.py rename to multimodal/diffusion/controlnet/ldm/modules/image_degradation/utils_image.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/__init__.py b/multimodal/diffusion/controlnet/ldm/modules/midas/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/__init__.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/api.py b/multimodal/diffusion/controlnet/ldm/modules/midas/api.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/api.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/api.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/midas/__init__.py b/multimodal/diffusion/controlnet/ldm/modules/midas/midas/__init__.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/midas/__init__.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/midas/__init__.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/midas/base_model.py b/multimodal/diffusion/controlnet/ldm/modules/midas/midas/base_model.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/midas/base_model.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/midas/base_model.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/midas/blocks.py b/multimodal/diffusion/controlnet/ldm/modules/midas/midas/blocks.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/midas/blocks.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/midas/blocks.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/midas/dpt_depth.py b/multimodal/diffusion/controlnet/ldm/modules/midas/midas/dpt_depth.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/midas/dpt_depth.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/midas/dpt_depth.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/midas/midas_net.py b/multimodal/diffusion/controlnet/ldm/modules/midas/midas/midas_net.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/midas/midas_net.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/midas/midas_net.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/midas/midas_net_custom.py b/multimodal/diffusion/controlnet/ldm/modules/midas/midas/midas_net_custom.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/midas/midas_net_custom.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/midas/midas_net_custom.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/midas/transforms.py b/multimodal/diffusion/controlnet/ldm/modules/midas/midas/transforms.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/midas/transforms.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/midas/transforms.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/midas/vit.py b/multimodal/diffusion/controlnet/ldm/modules/midas/midas/vit.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/midas/vit.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/midas/vit.py diff --git a/multimodal/diffusion/ControlNet/ldm/modules/midas/utils.py b/multimodal/diffusion/controlnet/ldm/modules/midas/utils.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/modules/midas/utils.py rename to multimodal/diffusion/controlnet/ldm/modules/midas/utils.py diff --git a/multimodal/diffusion/ControlNet/ldm/util.py b/multimodal/diffusion/controlnet/ldm/util.py similarity index 100% rename from multimodal/diffusion/ControlNet/ldm/util.py rename to multimodal/diffusion/controlnet/ldm/util.py diff --git a/multimodal/diffusion/ControlNet/models/cldm_v15.yaml b/multimodal/diffusion/controlnet/models/cldm_v15.yaml similarity index 100% rename from multimodal/diffusion/ControlNet/models/cldm_v15.yaml rename to multimodal/diffusion/controlnet/models/cldm_v15.yaml diff --git a/multimodal/diffusion/ControlNet/models/cldm_v21.yaml b/multimodal/diffusion/controlnet/models/cldm_v21.yaml similarity index 100% rename from multimodal/diffusion/ControlNet/models/cldm_v21.yaml rename to multimodal/diffusion/controlnet/models/cldm_v21.yaml diff --git a/multimodal/diffusion/ControlNet/share.py b/multimodal/diffusion/controlnet/share.py similarity index 100% rename from multimodal/diffusion/ControlNet/share.py rename to multimodal/diffusion/controlnet/share.py diff --git a/multimodal/diffusion/ControlNet/tool_add_control.py b/multimodal/diffusion/controlnet/tool_add_control.py similarity index 100% rename from multimodal/diffusion/ControlNet/tool_add_control.py rename to multimodal/diffusion/controlnet/tool_add_control.py diff --git a/multimodal/diffusion/ControlNet/tool_add_control_sd21.py b/multimodal/diffusion/controlnet/tool_add_control_sd21.py similarity index 100% rename from multimodal/diffusion/ControlNet/tool_add_control_sd21.py rename to multimodal/diffusion/controlnet/tool_add_control_sd21.py diff --git a/multimodal/diffusion/ControlNet/tool_transfer_control.py b/multimodal/diffusion/controlnet/tool_transfer_control.py similarity index 100% rename from multimodal/diffusion/ControlNet/tool_transfer_control.py rename to multimodal/diffusion/controlnet/tool_transfer_control.py diff --git a/multimodal/diffusion/ControlNet/tutorial_dataset.py b/multimodal/diffusion/controlnet/tutorial_dataset.py similarity index 100% rename from multimodal/diffusion/ControlNet/tutorial_dataset.py rename to multimodal/diffusion/controlnet/tutorial_dataset.py diff --git a/multimodal/diffusion/ControlNet/tutorial_dataset_test.py b/multimodal/diffusion/controlnet/tutorial_dataset_test.py similarity index 100% rename from multimodal/diffusion/ControlNet/tutorial_dataset_test.py rename to multimodal/diffusion/controlnet/tutorial_dataset_test.py diff --git a/multimodal/diffusion/ControlNet/tutorial_train.py b/multimodal/diffusion/controlnet/tutorial_train.py similarity index 100% rename from multimodal/diffusion/ControlNet/tutorial_train.py rename to multimodal/diffusion/controlnet/tutorial_train.py diff --git a/multimodal/diffusion/ControlNet/tutorial_train_dist.py b/multimodal/diffusion/controlnet/tutorial_train_dist.py similarity index 100% rename from multimodal/diffusion/ControlNet/tutorial_train_dist.py rename to multimodal/diffusion/controlnet/tutorial_train_dist.py diff --git a/multimodal/diffusion/ControlNet/tutorial_train_sd21.py b/multimodal/diffusion/controlnet/tutorial_train_sd21.py similarity index 100% rename from multimodal/diffusion/ControlNet/tutorial_train_sd21.py rename to multimodal/diffusion/controlnet/tutorial_train_sd21.py diff --git a/multimodal/Language-Image_Pre-Training/L-Verse/pytorch/README.md b/multimodal/language-image_pre-training/L-Verse/pytorch/README.md similarity index 100% rename from multimodal/Language-Image_Pre-Training/L-Verse/pytorch/README.md rename to multimodal/language-image_pre-training/L-Verse/pytorch/README.md diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/.gitignore b/multimodal/language-image_pre-training/clip/pytorch/.gitignore similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/.gitignore rename to multimodal/language-image_pre-training/clip/pytorch/.gitignore diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/CLIP.png b/multimodal/language-image_pre-training/clip/pytorch/CLIP.png similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/CLIP.png rename to multimodal/language-image_pre-training/clip/pytorch/CLIP.png diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/LICENSE b/multimodal/language-image_pre-training/clip/pytorch/LICENSE similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/LICENSE rename to multimodal/language-image_pre-training/clip/pytorch/LICENSE diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/MANIFEST.in b/multimodal/language-image_pre-training/clip/pytorch/MANIFEST.in similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/MANIFEST.in rename to multimodal/language-image_pre-training/clip/pytorch/MANIFEST.in diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/README.md b/multimodal/language-image_pre-training/clip/pytorch/README.md similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/README.md rename to multimodal/language-image_pre-training/clip/pytorch/README.md diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/CLIP.png b/multimodal/language-image_pre-training/clip/pytorch/clip/CLIP.png similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/CLIP.png rename to multimodal/language-image_pre-training/clip/pytorch/clip/CLIP.png diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/Linear_probe_evaluation.py b/multimodal/language-image_pre-training/clip/pytorch/clip/Linear_probe_evaluation.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/Linear_probe_evaluation.py rename to multimodal/language-image_pre-training/clip/pytorch/clip/Linear_probe_evaluation.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/__init__.py b/multimodal/language-image_pre-training/clip/pytorch/clip/__init__.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/__init__.py rename to multimodal/language-image_pre-training/clip/pytorch/clip/__init__.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/clip.py b/multimodal/language-image_pre-training/clip/pytorch/clip/clip.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/clip.py rename to multimodal/language-image_pre-training/clip/pytorch/clip/clip.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/model.py b/multimodal/language-image_pre-training/clip/pytorch/clip/model.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/model.py rename to multimodal/language-image_pre-training/clip/pytorch/clip/model.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/simple_tokenizer.py b/multimodal/language-image_pre-training/clip/pytorch/clip/simple_tokenizer.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/simple_tokenizer.py rename to multimodal/language-image_pre-training/clip/pytorch/clip/simple_tokenizer.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/test.py b/multimodal/language-image_pre-training/clip/pytorch/clip/test.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/test.py rename to multimodal/language-image_pre-training/clip/pytorch/clip/test.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/zero_shot_prediction_top1.py b/multimodal/language-image_pre-training/clip/pytorch/clip/zero_shot_prediction_top1.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/zero_shot_prediction_top1.py rename to multimodal/language-image_pre-training/clip/pytorch/clip/zero_shot_prediction_top1.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/clip/zero_shot_prediction_top5.py b/multimodal/language-image_pre-training/clip/pytorch/clip/zero_shot_prediction_top5.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/clip/zero_shot_prediction_top5.py rename to multimodal/language-image_pre-training/clip/pytorch/clip/zero_shot_prediction_top5.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/data/country211.md b/multimodal/language-image_pre-training/clip/pytorch/data/country211.md similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/data/country211.md rename to multimodal/language-image_pre-training/clip/pytorch/data/country211.md diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/data/prompts.md b/multimodal/language-image_pre-training/clip/pytorch/data/prompts.md similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/data/prompts.md rename to multimodal/language-image_pre-training/clip/pytorch/data/prompts.md diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/data/rendered-sst2.md b/multimodal/language-image_pre-training/clip/pytorch/data/rendered-sst2.md similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/data/rendered-sst2.md rename to multimodal/language-image_pre-training/clip/pytorch/data/rendered-sst2.md diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/data/yfcc100m.md b/multimodal/language-image_pre-training/clip/pytorch/data/yfcc100m.md similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/data/yfcc100m.md rename to multimodal/language-image_pre-training/clip/pytorch/data/yfcc100m.md diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/model-card.md b/multimodal/language-image_pre-training/clip/pytorch/model-card.md similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/model-card.md rename to multimodal/language-image_pre-training/clip/pytorch/model-card.md diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/requirements.txt b/multimodal/language-image_pre-training/clip/pytorch/requirements.txt similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/requirements.txt rename to multimodal/language-image_pre-training/clip/pytorch/requirements.txt diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/setup.py b/multimodal/language-image_pre-training/clip/pytorch/setup.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/setup.py rename to multimodal/language-image_pre-training/clip/pytorch/setup.py diff --git a/multimodal/Language-Image_Pre-Training/clip/pytorch/tests/test_consistency.py b/multimodal/language-image_pre-training/clip/pytorch/tests/test_consistency.py similarity index 100% rename from multimodal/Language-Image_Pre-Training/clip/pytorch/tests/test_consistency.py rename to multimodal/language-image_pre-training/clip/pytorch/tests/test_consistency.py diff --git a/nlp/llm/ChatGLM2-6b-sft/resources/web-demo.gif b/nlp/llm/ChatGLM2-6b-sft/resources/web-demo.gif deleted file mode 100644 index 5394c8a02b963faa88fc188b1c9eee98e6c94e9a..0000000000000000000000000000000000000000 Binary files a/nlp/llm/ChatGLM2-6b-sft/resources/web-demo.gif and /dev/null differ diff --git a/nlp/llm/ChatGLM2-6b-sft/resources/web-demo2.gif b/nlp/llm/ChatGLM2-6b-sft/resources/web-demo2.gif deleted file mode 100644 index 28eb1add608d79e1856744bbcc49b770e8a93628..0000000000000000000000000000000000000000 Binary files a/nlp/llm/ChatGLM2-6b-sft/resources/web-demo2.gif and /dev/null differ diff --git a/nlp/llm/baichuan2-7b/Baichuan2/LICENSE b/nlp/llm/baichuan2-7b/baichuan2/LICENSE similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/LICENSE rename to nlp/llm/baichuan2-7b/baichuan2/LICENSE diff --git a/nlp/llm/baichuan2-7b/Baichuan2/OpenAI_api.py b/nlp/llm/baichuan2-7b/baichuan2/OpenAI_api.py similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/OpenAI_api.py rename to nlp/llm/baichuan2-7b/baichuan2/OpenAI_api.py diff --git a/nlp/llm/baichuan2-7b/Baichuan2/README.md b/nlp/llm/baichuan2-7b/baichuan2/README.md similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/README.md rename to nlp/llm/baichuan2-7b/baichuan2/README.md diff --git a/nlp/llm/baichuan2-7b/Baichuan2/cli_demo.py b/nlp/llm/baichuan2-7b/baichuan2/cli_demo.py similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/cli_demo.py rename to nlp/llm/baichuan2-7b/baichuan2/cli_demo.py diff --git a/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/configuration_baichuan.py b/nlp/llm/baichuan2-7b/baichuan2/fine-tune/configuration_baichuan.py similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/fine-tune/configuration_baichuan.py rename to nlp/llm/baichuan2-7b/baichuan2/fine-tune/configuration_baichuan.py diff --git a/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/ds_config.json b/nlp/llm/baichuan2-7b/baichuan2/fine-tune/ds_config.json similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/fine-tune/ds_config.json rename to nlp/llm/baichuan2-7b/baichuan2/fine-tune/ds_config.json diff --git a/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/fine-tune.py b/nlp/llm/baichuan2-7b/baichuan2/fine-tune/fine-tune.py similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/fine-tune/fine-tune.py rename to nlp/llm/baichuan2-7b/baichuan2/fine-tune/fine-tune.py diff --git a/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/get_Baichuan2_model.py b/nlp/llm/baichuan2-7b/baichuan2/fine-tune/get_Baichuan2_model.py similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/fine-tune/get_Baichuan2_model.py rename to nlp/llm/baichuan2-7b/baichuan2/fine-tune/get_Baichuan2_model.py diff --git a/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/requirements.txt b/nlp/llm/baichuan2-7b/baichuan2/fine-tune/requirements.txt similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/fine-tune/requirements.txt rename to nlp/llm/baichuan2-7b/baichuan2/fine-tune/requirements.txt diff --git a/nlp/llm/baichuan2-7b/Baichuan2/fine-tune/run_sft.sh b/nlp/llm/baichuan2-7b/baichuan2/fine-tune/run_sft.sh similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/fine-tune/run_sft.sh rename to nlp/llm/baichuan2-7b/baichuan2/fine-tune/run_sft.sh diff --git a/nlp/llm/baichuan2-7b/Baichuan2/media/checkpoints.jpeg b/nlp/llm/baichuan2-7b/baichuan2/media/checkpoints.jpeg similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/media/checkpoints.jpeg rename to nlp/llm/baichuan2-7b/baichuan2/media/checkpoints.jpeg diff --git a/nlp/llm/baichuan2-7b/Baichuan2/requirements.txt b/nlp/llm/baichuan2-7b/baichuan2/requirements.txt similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/requirements.txt rename to nlp/llm/baichuan2-7b/baichuan2/requirements.txt diff --git a/nlp/llm/baichuan2-7b/Baichuan2/web_demo.py b/nlp/llm/baichuan2-7b/baichuan2/web_demo.py similarity index 100% rename from nlp/llm/baichuan2-7b/Baichuan2/web_demo.py rename to nlp/llm/baichuan2-7b/baichuan2/web_demo.py diff --git a/nlp/llm/ChatGLM2-6b-sft/FAQ.md b/nlp/llm/chatglm2-6b-sft/FAQ.md similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/FAQ.md rename to nlp/llm/chatglm2-6b-sft/FAQ.md diff --git a/nlp/llm/ChatGLM2-6b-sft/MODEL_LICENSE b/nlp/llm/chatglm2-6b-sft/MODEL_LICENSE similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/MODEL_LICENSE rename to nlp/llm/chatglm2-6b-sft/MODEL_LICENSE diff --git a/nlp/llm/ChatGLM2-6b-sft/README.md b/nlp/llm/chatglm2-6b-sft/README.md similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/README.md rename to nlp/llm/chatglm2-6b-sft/README.md diff --git a/nlp/llm/ChatGLM2-6b-sft/README_EN.md b/nlp/llm/chatglm2-6b-sft/README_EN.md similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/README_EN.md rename to nlp/llm/chatglm2-6b-sft/README_EN.md diff --git a/nlp/llm/ChatGLM2-6b-sft/README_origin.md b/nlp/llm/chatglm2-6b-sft/README_origin.md similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/README_origin.md rename to nlp/llm/chatglm2-6b-sft/README_origin.md diff --git a/nlp/llm/ChatGLM2-6b-sft/api.py b/nlp/llm/chatglm2-6b-sft/api.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/api.py rename to nlp/llm/chatglm2-6b-sft/api.py diff --git a/nlp/llm/ChatGLM2-6b-sft/cli_demo.py b/nlp/llm/chatglm2-6b-sft/cli_demo.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/cli_demo.py rename to nlp/llm/chatglm2-6b-sft/cli_demo.py diff --git a/nlp/llm/ChatGLM2-6b-sft/evaluation/README.md b/nlp/llm/chatglm2-6b-sft/evaluation/README.md similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/evaluation/README.md rename to nlp/llm/chatglm2-6b-sft/evaluation/README.md diff --git a/nlp/llm/ChatGLM2-6b-sft/evaluation/evaluate_ceval.py b/nlp/llm/chatglm2-6b-sft/evaluation/evaluate_ceval.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/evaluation/evaluate_ceval.py rename to nlp/llm/chatglm2-6b-sft/evaluation/evaluate_ceval.py diff --git a/nlp/llm/ChatGLM2-6b-sft/openai_api.py b/nlp/llm/chatglm2-6b-sft/openai_api.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/openai_api.py rename to nlp/llm/chatglm2-6b-sft/openai_api.py diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/AdvertiseGen/dev.json b/nlp/llm/chatglm2-6b-sft/ptuning/AdvertiseGen/dev.json similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/AdvertiseGen/dev.json rename to nlp/llm/chatglm2-6b-sft/ptuning/AdvertiseGen/dev.json diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/AdvertiseGen/dev_small.json b/nlp/llm/chatglm2-6b-sft/ptuning/AdvertiseGen/dev_small.json similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/AdvertiseGen/dev_small.json rename to nlp/llm/chatglm2-6b-sft/ptuning/AdvertiseGen/dev_small.json diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/AdvertiseGen/train.json b/nlp/llm/chatglm2-6b-sft/ptuning/AdvertiseGen/train.json similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/AdvertiseGen/train.json rename to nlp/llm/chatglm2-6b-sft/ptuning/AdvertiseGen/train.json diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/AdvertiseGen/train_small.json b/nlp/llm/chatglm2-6b-sft/ptuning/AdvertiseGen/train_small.json similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/AdvertiseGen/train_small.json rename to nlp/llm/chatglm2-6b-sft/ptuning/AdvertiseGen/train_small.json diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/arguments.py b/nlp/llm/chatglm2-6b-sft/ptuning/arguments.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/arguments.py rename to nlp/llm/chatglm2-6b-sft/ptuning/arguments.py diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/deepspeed.json b/nlp/llm/chatglm2-6b-sft/ptuning/deepspeed.json similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/deepspeed.json rename to nlp/llm/chatglm2-6b-sft/ptuning/deepspeed.json diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/ds_train_finetune.sh b/nlp/llm/chatglm2-6b-sft/ptuning/ds_train_finetune.sh similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/ds_train_finetune.sh rename to nlp/llm/chatglm2-6b-sft/ptuning/ds_train_finetune.sh diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/ds_train_finetune_multinodes.sh b/nlp/llm/chatglm2-6b-sft/ptuning/ds_train_finetune_multinodes.sh similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/ds_train_finetune_multinodes.sh rename to nlp/llm/chatglm2-6b-sft/ptuning/ds_train_finetune_multinodes.sh diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/evaluate_finetune.sh b/nlp/llm/chatglm2-6b-sft/ptuning/evaluate_finetune.sh similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/evaluate_finetune.sh rename to nlp/llm/chatglm2-6b-sft/ptuning/evaluate_finetune.sh diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/evaluate_ptuning_v2.sh b/nlp/llm/chatglm2-6b-sft/ptuning/evaluate_ptuning_v2.sh similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/evaluate_ptuning_v2.sh rename to nlp/llm/chatglm2-6b-sft/ptuning/evaluate_ptuning_v2.sh diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/main.py b/nlp/llm/chatglm2-6b-sft/ptuning/main.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/main.py rename to nlp/llm/chatglm2-6b-sft/ptuning/main.py diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/train_chat.sh b/nlp/llm/chatglm2-6b-sft/ptuning/train_chat.sh similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/train_chat.sh rename to nlp/llm/chatglm2-6b-sft/ptuning/train_chat.sh diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/train_ptuning_v2.sh b/nlp/llm/chatglm2-6b-sft/ptuning/train_ptuning_v2.sh similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/train_ptuning_v2.sh rename to nlp/llm/chatglm2-6b-sft/ptuning/train_ptuning_v2.sh diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/trainer.py b/nlp/llm/chatglm2-6b-sft/ptuning/trainer.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/trainer.py rename to nlp/llm/chatglm2-6b-sft/ptuning/trainer.py diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/trainer_seq2seq.py b/nlp/llm/chatglm2-6b-sft/ptuning/trainer_seq2seq.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/trainer_seq2seq.py rename to nlp/llm/chatglm2-6b-sft/ptuning/trainer_seq2seq.py diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/web_demo.py b/nlp/llm/chatglm2-6b-sft/ptuning/web_demo.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/web_demo.py rename to nlp/llm/chatglm2-6b-sft/ptuning/web_demo.py diff --git a/nlp/llm/ChatGLM2-6b-sft/ptuning/web_demo.sh b/nlp/llm/chatglm2-6b-sft/ptuning/web_demo.sh similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/ptuning/web_demo.sh rename to nlp/llm/chatglm2-6b-sft/ptuning/web_demo.sh diff --git a/nlp/llm/ChatGLM2-6b-sft/requirements.txt b/nlp/llm/chatglm2-6b-sft/requirements.txt similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/requirements.txt rename to nlp/llm/chatglm2-6b-sft/requirements.txt diff --git a/nlp/llm/ChatGLM2-6b-sft/resources/WECHAT.md b/nlp/llm/chatglm2-6b-sft/resources/WECHAT.md similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/resources/WECHAT.md rename to nlp/llm/chatglm2-6b-sft/resources/WECHAT.md diff --git a/nlp/llm/ChatGLM2-6b-sft/resources/cli-demo.png b/nlp/llm/chatglm2-6b-sft/resources/cli-demo.png similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/resources/cli-demo.png rename to nlp/llm/chatglm2-6b-sft/resources/cli-demo.png diff --git a/nlp/llm/ChatGLM2-6b-sft/resources/knowledge.png b/nlp/llm/chatglm2-6b-sft/resources/knowledge.png similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/resources/knowledge.png rename to nlp/llm/chatglm2-6b-sft/resources/knowledge.png diff --git a/nlp/llm/ChatGLM2-6b-sft/resources/long-context.png b/nlp/llm/chatglm2-6b-sft/resources/long-context.png similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/resources/long-context.png rename to nlp/llm/chatglm2-6b-sft/resources/long-context.png diff --git a/nlp/llm/ChatGLM2-6b-sft/resources/math.png b/nlp/llm/chatglm2-6b-sft/resources/math.png similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/resources/math.png rename to nlp/llm/chatglm2-6b-sft/resources/math.png diff --git a/nlp/llm/ChatGLM2-6b-sft/resources/wechat.jpg b/nlp/llm/chatglm2-6b-sft/resources/wechat.jpg similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/resources/wechat.jpg rename to nlp/llm/chatglm2-6b-sft/resources/wechat.jpg diff --git a/nlp/llm/ChatGLM2-6b-sft/utils.py b/nlp/llm/chatglm2-6b-sft/utils.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/utils.py rename to nlp/llm/chatglm2-6b-sft/utils.py diff --git a/nlp/llm/ChatGLM2-6b-sft/web_demo.py b/nlp/llm/chatglm2-6b-sft/web_demo.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/web_demo.py rename to nlp/llm/chatglm2-6b-sft/web_demo.py diff --git a/nlp/llm/ChatGLM2-6b-sft/web_demo2.py b/nlp/llm/chatglm2-6b-sft/web_demo2.py similarity index 100% rename from nlp/llm/ChatGLM2-6b-sft/web_demo2.py rename to nlp/llm/chatglm2-6b-sft/web_demo2.py diff --git a/nlp/llm/qwen2.5-7b/LLaMA-Factory/README.md b/nlp/llm/qwen2.5-7b/llama-factory/README.md similarity index 100% rename from nlp/llm/qwen2.5-7b/LLaMA-Factory/README.md rename to nlp/llm/qwen2.5-7b/llama-factory/README.md diff --git a/nlp/llm/qwen2.5-7b/LLaMA-Factory/qwen2_5-7b_full_sft.yaml b/nlp/llm/qwen2.5-7b/llama-factory/qwen2_5-7b_full_sft.yaml similarity index 100% rename from nlp/llm/qwen2.5-7b/LLaMA-Factory/qwen2_5-7b_full_sft.yaml rename to nlp/llm/qwen2.5-7b/llama-factory/qwen2_5-7b_full_sft.yaml diff --git a/nlp/llm/qwen2.5-7b/LLaMA-Factory/qwen2_5-7b_lora_sft.yaml b/nlp/llm/qwen2.5-7b/llama-factory/qwen2_5-7b_lora_sft.yaml similarity index 100% rename from nlp/llm/qwen2.5-7b/LLaMA-Factory/qwen2_5-7b_lora_sft.yaml rename to nlp/llm/qwen2.5-7b/llama-factory/qwen2_5-7b_lora_sft.yaml