From 79fb475dc5649ca7b3539d728cefee28b8603a97 Mon Sep 17 00:00:00 2001 From: "mingjiang.li" Date: Thu, 26 Dec 2024 18:56:37 +0800 Subject: [PATCH 1/3] unify download path of share files Signed-off-by: mingjiang.li --- cv/point_cloud/Point-BERT/pytorch/prepare.sh | 4 ++-- nlp/language_model/bert/mindspore/scripts/run_squad_gpu.sh | 2 +- nlp/llm/llama3_8b/colossalai/README.md | 4 ++-- nlp/llm/llama3_8b/megatron-deepspeed/README.md | 2 +- .../applications/Colossal-LLaMA/prepare_pretrain_dataset.sh | 2 +- .../applications/Colossal-LLaMA/prepare_sft_dataset.sh | 2 +- toolbox/Megatron-DeepSpeed/dataset/convert_dahoas.sh | 2 +- .../dataset/download_and_covert_llama3_dataset.sh | 2 +- .../Megatron-DeepSpeed/dataset/download_llama2_gpt_small.sh | 2 +- .../Megatron-DeepSpeed/dataset/download_llama3_gpt_small.sh | 2 +- .../patch/datasets/download_and_convert_dataset.sh | 4 ++-- 11 files changed, 14 insertions(+), 14 deletions(-) diff --git a/cv/point_cloud/Point-BERT/pytorch/prepare.sh b/cv/point_cloud/Point-BERT/pytorch/prepare.sh index cabec97e..f0baa396 100644 --- a/cv/point_cloud/Point-BERT/pytorch/prepare.sh +++ b/cv/point_cloud/Point-BERT/pytorch/prepare.sh @@ -31,7 +31,7 @@ pip3 install --upgrade https://github.com/unlimblue/KNN_CUDA/releases/download/0 cd data/ShapeNet55-34 if [[ ! -f "ShapeNet55.zip" ]]; then - wget http://files.deepspark.org.cn:880/deepspark/ShapeNet55.zip + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/ShapeNet55.zip unzip ShapeNet55.zip mv ShapeNet55/shapenet_pc/ . rm -r ShapeNet55 @@ -42,7 +42,7 @@ cd - cd ./data/ModelNet/modelnet40_normal_resampled if [[ ! -f "processed_ModelNet.zip" ]]; then - wget http://files.deepspark.org.cn:880/deepspark/processed_ModelNet.zip + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/processed_ModelNet.zip unzip processed_ModelNet.zip mv processed_ModelNet/* . fi diff --git a/nlp/language_model/bert/mindspore/scripts/run_squad_gpu.sh b/nlp/language_model/bert/mindspore/scripts/run_squad_gpu.sh index 65623776..d06d36ab 100644 --- a/nlp/language_model/bert/mindspore/scripts/run_squad_gpu.sh +++ b/nlp/language_model/bert/mindspore/scripts/run_squad_gpu.sh @@ -34,7 +34,7 @@ mkdir -p squad training_tf_record_file=squad/train.tf_record if [[ ! -f "${training_tf_record_file}" ]]; then cd squad - wget http://files.deepspark.org.cn:880/deepspark/squad_data_with_tf_record.tar + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/squad_data_with_tf_record.tar tar xvf squad_data_with_tf_record.tar rm -rf squad_data_with_tf_record.tar cd - diff --git a/nlp/llm/llama3_8b/colossalai/README.md b/nlp/llm/llama3_8b/colossalai/README.md index b154fb77..16f04c03 100644 --- a/nlp/llm/llama3_8b/colossalai/README.md +++ b/nlp/llm/llama3_8b/colossalai/README.md @@ -13,7 +13,7 @@ One recommended link: "/Meta-Llama-3-8B /home/model_zoos/ -wget http://files.deepspark.org.cn:880/deepspark/tokenizer.model +wget http://files.deepspark.org.cn:880/deepspark/data/tokenizer/tokenizer.model cp tokenizer.model /home/model_zoos/Meta-Llama-3-8B ``` @@ -29,7 +29,7 @@ cd applications/Colossal-LLaMA pip3 install -e . # preparing datasets -wget http://files.deepspark.org.cn:880/deepspark/school_math_0.25M.jsonl +wget http://files.deepspark.org.cn:880/deepspark/data/datasets/school_math_0.25M.jsonl mkdir -p dataset/school_math/convert/ mv school_math_0.25M.jsonl dataset/school_math bash ./prepare_sft_dataset.sh llama3 diff --git a/nlp/llm/llama3_8b/megatron-deepspeed/README.md b/nlp/llm/llama3_8b/megatron-deepspeed/README.md index 07daff4c..17a2301f 100644 --- a/nlp/llm/llama3_8b/megatron-deepspeed/README.md +++ b/nlp/llm/llama3_8b/megatron-deepspeed/README.md @@ -20,7 +20,7 @@ pip3 install urllib3==1.23 ```bash pushd dataset # get gpt_small_117M_llama3.tar -wget http://files.deepspark.org.cn:880/deepspark/gpt_small_117M_llama3.tar +wget http://files.deepspark.org.cn:880/deepspark/data/datasets/gpt_small_117M_llama3.tar tar -xf gpt_small_117M_llama3.tar rm -f gpt_small_117M_llama3.tar popd diff --git a/toolbox/ColossalAI/v0.4.4/patches/applications/Colossal-LLaMA/prepare_pretrain_dataset.sh b/toolbox/ColossalAI/v0.4.4/patches/applications/Colossal-LLaMA/prepare_pretrain_dataset.sh index 7fcc8226..3b110f28 100644 --- a/toolbox/ColossalAI/v0.4.4/patches/applications/Colossal-LLaMA/prepare_pretrain_dataset.sh +++ b/toolbox/ColossalAI/v0.4.4/patches/applications/Colossal-LLaMA/prepare_pretrain_dataset.sh @@ -6,7 +6,7 @@ CUR_DIR=$(cd "$(dirname "$0")";pwd) cd ${CUR_DIR} if [[ ! -f $CUR_DIR/small-117M.train.jsonl ]]; then - wget http://files.deepspark.org.cn:880/deepspark/small-117M.train.jsonl + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/small-117M.train.jsonl fi DATA_INPUT_DIRS=$CUR_DIR diff --git a/toolbox/ColossalAI/v0.4.4/patches/applications/Colossal-LLaMA/prepare_sft_dataset.sh b/toolbox/ColossalAI/v0.4.4/patches/applications/Colossal-LLaMA/prepare_sft_dataset.sh index d75370df..c444edb4 100644 --- a/toolbox/ColossalAI/v0.4.4/patches/applications/Colossal-LLaMA/prepare_sft_dataset.sh +++ b/toolbox/ColossalAI/v0.4.4/patches/applications/Colossal-LLaMA/prepare_sft_dataset.sh @@ -10,7 +10,7 @@ mkdir -p $DATA_INPUT_DIRS if [[ ! -f $DATA_INPUT_DIRS"school_math_0.25M_convert.jsonl" ]]; then if [[ ! -f $DATA_INPUT_DIRS"../school_math_0.25M.jsonl" ]]; then - wget http://files.deepspark.org.cn:880/deepspark/school_math_0.25M.jsonl + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/school_math_0.25M.jsonl mv school_math_0.25M.jsonl $DATA_INPUT_DIRS"../" fi diff --git a/toolbox/Megatron-DeepSpeed/dataset/convert_dahoas.sh b/toolbox/Megatron-DeepSpeed/dataset/convert_dahoas.sh index 1405318c..6862aac6 100644 --- a/toolbox/Megatron-DeepSpeed/dataset/convert_dahoas.sh +++ b/toolbox/Megatron-DeepSpeed/dataset/convert_dahoas.sh @@ -2,7 +2,7 @@ CUR_DIR=$(cd "$(dirname "$0")";pwd) if [[ ! -e ${CUR_DIR}/dahoas_train.jsonl ]]; then - wget http://files.deepspark.org.cn:880/deepspark/dahoas_train.jsonl + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/dahoas_train.jsonl fi PROJ_HOME=$(dirname "$PWD") diff --git a/toolbox/Megatron-DeepSpeed/dataset/download_and_covert_llama3_dataset.sh b/toolbox/Megatron-DeepSpeed/dataset/download_and_covert_llama3_dataset.sh index 25981c00..2b83ba4e 100644 --- a/toolbox/Megatron-DeepSpeed/dataset/download_and_covert_llama3_dataset.sh +++ b/toolbox/Megatron-DeepSpeed/dataset/download_and_covert_llama3_dataset.sh @@ -3,7 +3,7 @@ set -euox pipefail CUR_DIR=$(pwd) if [[ ! -f $CUR_DIR/small-117M.train.jsonl ]]; then - wget http://files.deepspark.org.cn:880/deepspark/small-117M.train.jsonl + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/small-117M.train.jsonl fi PROJ_HOME=$(dirname "$PWD") diff --git a/toolbox/Megatron-DeepSpeed/dataset/download_llama2_gpt_small.sh b/toolbox/Megatron-DeepSpeed/dataset/download_llama2_gpt_small.sh index 464359d8..57755a57 100644 --- a/toolbox/Megatron-DeepSpeed/dataset/download_llama2_gpt_small.sh +++ b/toolbox/Megatron-DeepSpeed/dataset/download_llama2_gpt_small.sh @@ -6,6 +6,6 @@ cd ${CUR_DIR} # llama2 if [[ ! -d ${CUR_DIR}/gpt_small_117M ]]; then echo "gpt_small dataset not exist, downloading..." - wget http://files.deepspark.org.cn:880/deepspark/gpt_small_117M.tar + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/gpt_small_117M.tar tar -xf gpt_small_117M.tar && rm -f gpt_small_117M.tar fi diff --git a/toolbox/Megatron-DeepSpeed/dataset/download_llama3_gpt_small.sh b/toolbox/Megatron-DeepSpeed/dataset/download_llama3_gpt_small.sh index 995a69a0..68ed0adf 100644 --- a/toolbox/Megatron-DeepSpeed/dataset/download_llama3_gpt_small.sh +++ b/toolbox/Megatron-DeepSpeed/dataset/download_llama3_gpt_small.sh @@ -6,6 +6,6 @@ cd ${CUR_DIR} ## llama3 if [[ ! -d ${CUR_DIR}/gpt_small_117M_llama3 ]]; then echo "gpt_small dataset not exist, downloading..." - wget http://files.deepspark.org.cn:880/deepspark/gpt_small_117M_llama3.tar + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/gpt_small_117M_llama3.tar tar -xf gpt_small_117M_llama3.tar && rm -f gpt_small_117M_llama3.tar fi \ No newline at end of file diff --git a/toolbox/Megatron-LM/patch/datasets/download_and_convert_dataset.sh b/toolbox/Megatron-LM/patch/datasets/download_and_convert_dataset.sh index 80a93020..14532fc9 100644 --- a/toolbox/Megatron-LM/patch/datasets/download_and_convert_dataset.sh +++ b/toolbox/Megatron-LM/patch/datasets/download_and_convert_dataset.sh @@ -19,11 +19,11 @@ set -euox pipefail CUR_DIR=$(pwd) if [[ ! -f $CUR_DIR/small-117M.train.jsonl ]]; then - wget http://files.deepspark.org.cn:880/deepspark/small-117M.train.jsonl + wget http://files.deepspark.org.cn:880/deepspark/data/datasets/small-117M.train.jsonl fi if [[ ! -f $CUR_DIR/tokenizer.model ]]; then - wget -O tokenizer.model http://files.deepspark.org.cn:880/deepspark/megatron-lm_tokenizer.model + wget -O tokenizer.model http://files.deepspark.org.cn:880/deepspark/data/tokenizer/megatron-lm_tokenizer.model fi PROJ_HOME=$(dirname "$PWD") -- Gitee From bc026b48377fdb15042f66b983a0e19309b0e418 Mon Sep 17 00:00:00 2001 From: "mingjiang.li" Date: Thu, 26 Dec 2024 19:07:42 +0800 Subject: [PATCH 2/3] make model path lower cased Signed-off-by: mingjiang.li --- README.md | 2 +- cv/point_cloud/Point-BERT/pytorch/segmentation/data | 1 - cv/point_cloud/{Point-BERT => point-bert}/pytorch/DATASET.md | 0 .../pytorch/Pointnet2_PyTorch/.pre-commit-config.yaml | 0 .../pytorch/Pointnet2_PyTorch/.travis.yml | 0 .../pytorch/Pointnet2_PyTorch/MANIFEST.in | 0 .../pytorch/Pointnet2_PyTorch/README.rst | 0 .../pytorch/Pointnet2_PyTorch/UNLICENSE | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/__init__.py | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/_version.py | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/config/config.yaml | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/config/model/msg.yaml | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/config/model/ssg.yaml | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/config/task/cls.yaml | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/config/task/semseg.yaml | 0 .../Pointnet2_PyTorch/pointnet2/config/task_model/cls-msg.yaml | 0 .../Pointnet2_PyTorch/pointnet2/config/task_model/cls-ssg.yaml | 0 .../pointnet2/config/task_model/semseg-msg.yaml | 0 .../pointnet2/config/task_model/semseg-ssg.yaml | 0 .../Pointnet2_PyTorch/pointnet2/data/Indoor3DSemSegLoader.py | 0 .../Pointnet2_PyTorch/pointnet2/data/ModelNet40Loader.py | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/data/__init__.py | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/data/data_utils.py | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/models/__init__.py | 0 .../Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_cls.py | 0 .../Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_sem.py | 0 .../Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_cls.py | 0 .../Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_sem.py | 0 .../pytorch/Pointnet2_PyTorch/pointnet2/train.py | 0 .../pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/MANIFEST.in | 0 .../pointnet2_ops_lib/pointnet2_ops/__init__.py | 0 .../pointnet2_ops/_ext-src/include/ball_query.h | 0 .../pointnet2_ops/_ext-src/include/cuda_utils.h | 0 .../pointnet2_ops/_ext-src/include/group_points.h | 0 .../pointnet2_ops/_ext-src/include/interpolate.h | 0 .../pointnet2_ops_lib/pointnet2_ops/_ext-src/include/sampling.h | 0 .../pointnet2_ops_lib/pointnet2_ops/_ext-src/include/utils.h | 0 .../pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query.cpp | 0 .../pointnet2_ops/_ext-src/src/ball_query_gpu.cu | 0 .../pointnet2_ops_lib/pointnet2_ops/_ext-src/src/bindings.cpp | 0 .../pointnet2_ops/_ext-src/src/group_points.cpp | 0 .../pointnet2_ops/_ext-src/src/group_points_gpu.cu | 0 .../pointnet2_ops/_ext-src/src/interpolate.cpp | 0 .../pointnet2_ops/_ext-src/src/interpolate_gpu.cu | 0 .../pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling.cpp | 0 .../pointnet2_ops/_ext-src/src/sampling_gpu.cu | 0 .../pointnet2_ops_lib/pointnet2_ops/_version.py | 0 .../pointnet2_ops_lib/pointnet2_ops/pointnet2_modules.py | 0 .../pointnet2_ops_lib/pointnet2_ops/pointnet2_utils.py | 0 .../pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/setup.py | 0 .../pytorch/Pointnet2_PyTorch/pyproject.toml | 0 .../pytorch/Pointnet2_PyTorch/requirements.txt | 0 .../pytorch/Pointnet2_PyTorch/setup.py | 0 .../pytorch/Pointnet2_PyTorch/tests/conftest.py | 0 .../pytorch/Pointnet2_PyTorch/tests/test_cls.py | 0 .../pytorch/Pointnet2_PyTorch/tests/test_semseg.py | 0 .../pytorch/Pointnet2_PyTorch/tox.ini | 0 cv/point_cloud/{Point-BERT => point-bert}/pytorch/README.md | 0 .../pytorch/cfgs/Fewshot_models/PointTransformer.yaml | 0 .../pytorch/cfgs/Mixup_models/Point-BERT.yaml | 0 .../pytorch/cfgs/ModelNet_models/PointTransformer.yaml | 0 .../cfgs/ModelNet_models/PointTransformer_2048point.yaml | 0 .../cfgs/ModelNet_models/PointTransformer_4096point.yaml | 0 .../cfgs/ModelNet_models/PointTransformer_8192point.yaml | 0 .../cfgs/ScanObjectNN_models/PointTransformer_hardest.yaml | 0 .../cfgs/ScanObjectNN_models/PointTransformer_objectbg.yaml | 0 .../cfgs/ScanObjectNN_models/PointTransformer_objectonly.yaml | 0 .../pytorch/cfgs/ShapeNet55_models/dvae.yaml | 0 .../pytorch/cfgs/dataset_configs/ModelNet40.yaml | 0 .../pytorch/cfgs/dataset_configs/ModelNet40FewShot.yaml | 0 .../pytorch/cfgs/dataset_configs/ScanObjectNN_hardest.yaml | 0 .../pytorch/cfgs/dataset_configs/ScanObjectNN_objectbg.yaml | 0 .../pytorch/cfgs/dataset_configs/ScanObjectNN_objectonly.yaml | 0 .../pytorch/cfgs/dataset_configs/ShapeNet-55.yaml | 0 .../modelnet40_normal_resampled/modelnet40_shape_names.txt | 0 .../ModelNet/modelnet40_normal_resampled/modelnet40_test.txt | 0 .../ModelNet/modelnet40_normal_resampled/modelnet40_train.txt | 0 .../pytorch/data/ScanObjectNN_shape_names.txt | 0 .../pytorch/data/ShapeNet55-34/ShapeNet-55/test.txt | 0 .../pytorch/data/ShapeNet55-34/ShapeNet-55/train.txt | 0 .../pytorch/data/shapenet_synset_dict.json | 0 .../pytorch/datasets/ModelNetDataset.py | 0 .../pytorch/datasets/ModelNetDatasetFewShot.py | 0 .../pytorch/datasets/ScanObjectNNDataset.py | 0 .../pytorch/datasets/ShapeNet55Dataset.py | 0 .../{Point-BERT => point-bert}/pytorch/datasets/__init__.py | 0 .../{Point-BERT => point-bert}/pytorch/datasets/build.py | 0 .../pytorch/datasets/data_transforms.py | 0 .../pytorch/datasets/generate_few_shot_data.py | 0 .../{Point-BERT => point-bert}/pytorch/datasets/io.py | 0 .../pytorch/extensions/chamfer_dist/__init__.py | 0 .../pytorch/extensions/chamfer_dist/chamfer.cu | 0 .../pytorch/extensions/chamfer_dist/chamfer_cuda.cpp | 0 .../pytorch/extensions/chamfer_dist/setup.py | 0 .../pytorch/extensions/chamfer_dist/test.py | 0 .../{Point-BERT => point-bert}/pytorch/extensions/emd/README.md | 0 .../pytorch/extensions/emd/__init__.py | 0 .../pytorch/extensions/emd/cuda/emd.cpp | 0 .../pytorch/extensions/emd/cuda/emd_kernel.cu | 0 .../{Point-BERT => point-bert}/pytorch/extensions/emd/emd.py | 0 .../{Point-BERT => point-bert}/pytorch/extensions/emd/setup.py | 0 .../pytorch/extensions/emd/test_emd_loss.py | 0 cv/point_cloud/{Point-BERT => point-bert}/pytorch/install.sh | 0 cv/point_cloud/{Point-BERT => point-bert}/pytorch/main.py | 0 cv/point_cloud/{Point-BERT => point-bert}/pytorch/main_BERT.py | 0 .../{Point-BERT => point-bert}/pytorch/models/Point_BERT.py | 0 .../{Point-BERT => point-bert}/pytorch/models/__init__.py | 0 .../{Point-BERT => point-bert}/pytorch/models/build.py | 0 .../{Point-BERT => point-bert}/pytorch/models/dvae.py | 0 cv/point_cloud/{Point-BERT => point-bert}/pytorch/prepare.sh | 0 .../{Point-BERT => point-bert}/pytorch/requirements.txt | 0 .../pytorch/scripts/dist_train_BERT.sh | 0 .../{Point-BERT => point-bert}/pytorch/scripts/test.sh | 0 .../{Point-BERT => point-bert}/pytorch/scripts/test_BERT.sh | 0 .../{Point-BERT => point-bert}/pytorch/scripts/train.sh | 0 .../{Point-BERT => point-bert}/pytorch/scripts/train_BERT.sh | 0 cv/point_cloud/point-bert/pytorch/segmentation/data | 1 + .../pytorch/segmentation/data_utils/ShapeNetDataLoader.py | 0 .../pytorch/segmentation/models/PointTransformer.py | 0 .../pytorch/segmentation/models/pointnet2_utils.py | 0 .../pytorch/segmentation/models/utils.py | 0 .../{Point-BERT => point-bert}/pytorch/segmentation/provider.py | 0 .../pytorch/segmentation/test_partseg.py | 0 .../pytorch/segmentation/train_partseg.py | 0 .../{Point-BERT => point-bert}/pytorch/tools/__init__.py | 0 .../{Point-BERT => point-bert}/pytorch/tools/builder.py | 0 .../{Point-BERT => point-bert}/pytorch/tools/runner.py | 0 .../pytorch/tools/runner_BERT_finetune.py | 0 .../pytorch/tools/runner_BERT_pretrain.py | 0 .../{Point-BERT => point-bert}/pytorch/utils/AverageMeter.py | 0 .../{Point-BERT => point-bert}/pytorch/utils/checkpoint.py | 0 .../{Point-BERT => point-bert}/pytorch/utils/config.py | 0 .../{Point-BERT => point-bert}/pytorch/utils/dist_utils.py | 0 .../{Point-BERT => point-bert}/pytorch/utils/logger.py | 0 .../{Point-BERT => point-bert}/pytorch/utils/metrics.py | 0 cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/misc.py | 0 .../{Point-BERT => point-bert}/pytorch/utils/parser.py | 0 .../{Point-BERT => point-bert}/pytorch/utils/registry.py | 0 138 files changed, 2 insertions(+), 2 deletions(-) delete mode 120000 cv/point_cloud/Point-BERT/pytorch/segmentation/data rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/DATASET.md (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/.pre-commit-config.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/.travis.yml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/MANIFEST.in (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/README.rst (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/UNLICENSE (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/__init__.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/_version.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/config.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/model/msg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/model/ssg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/task/cls.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/task/semseg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-msg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-ssg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-msg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-ssg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/data/Indoor3DSemSegLoader.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/data/ModelNet40Loader.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/data/__init__.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/data/data_utils.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/models/__init__.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_cls.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_sem.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_cls.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_sem.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2/train.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/MANIFEST.in (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/__init__.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/ball_query.h (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/cuda_utils.h (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/group_points.h (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/interpolate.h (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/sampling.h (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/utils.h (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query.cpp (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/bindings.cpp (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points.cpp (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate.cpp (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling.cpp (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_version.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_modules.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_utils.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/setup.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/pyproject.toml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/requirements.txt (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/setup.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/tests/conftest.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/tests/test_cls.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/tests/test_semseg.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/Pointnet2_PyTorch/tox.ini (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/README.md (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/Fewshot_models/PointTransformer.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/Mixup_models/Point-BERT.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/ModelNet_models/PointTransformer.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/ModelNet_models/PointTransformer_2048point.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/ModelNet_models/PointTransformer_4096point.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/ModelNet_models/PointTransformer_8192point.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/ScanObjectNN_models/PointTransformer_hardest.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectbg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectonly.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/ShapeNet55_models/dvae.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/dataset_configs/ModelNet40.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/dataset_configs/ModelNet40FewShot.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/dataset_configs/ScanObjectNN_hardest.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/dataset_configs/ScanObjectNN_objectbg.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/dataset_configs/ScanObjectNN_objectonly.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/cfgs/dataset_configs/ShapeNet-55.yaml (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_shape_names.txt (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_test.txt (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_train.txt (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/data/ScanObjectNN_shape_names.txt (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/data/ShapeNet55-34/ShapeNet-55/test.txt (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/data/ShapeNet55-34/ShapeNet-55/train.txt (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/data/shapenet_synset_dict.json (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/ModelNetDataset.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/ModelNetDatasetFewShot.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/ScanObjectNNDataset.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/ShapeNet55Dataset.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/__init__.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/build.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/data_transforms.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/generate_few_shot_data.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/datasets/io.py (100%) mode change 100755 => 100644 rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/chamfer_dist/__init__.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/chamfer_dist/chamfer.cu (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/chamfer_dist/chamfer_cuda.cpp (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/chamfer_dist/setup.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/chamfer_dist/test.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/emd/README.md (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/emd/__init__.py (100%) mode change 100755 => 100644 rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/emd/cuda/emd.cpp (100%) mode change 100755 => 100644 rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/emd/cuda/emd_kernel.cu (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/emd/emd.py (100%) mode change 100755 => 100644 rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/emd/setup.py (100%) mode change 100755 => 100644 rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/extensions/emd/test_emd_loss.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/install.sh (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/main.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/main_BERT.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/models/Point_BERT.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/models/__init__.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/models/build.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/models/dvae.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/prepare.sh (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/requirements.txt (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/scripts/dist_train_BERT.sh (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/scripts/test.sh (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/scripts/test_BERT.sh (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/scripts/train.sh (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/scripts/train_BERT.sh (100%) create mode 100644 cv/point_cloud/point-bert/pytorch/segmentation/data rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/segmentation/data_utils/ShapeNetDataLoader.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/segmentation/models/PointTransformer.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/segmentation/models/pointnet2_utils.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/segmentation/models/utils.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/segmentation/provider.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/segmentation/test_partseg.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/segmentation/train_partseg.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/tools/__init__.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/tools/builder.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/tools/runner.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/tools/runner_BERT_finetune.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/tools/runner_BERT_pretrain.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/AverageMeter.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/checkpoint.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/config.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/dist_utils.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/logger.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/metrics.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/misc.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/parser.py (100%) rename cv/point_cloud/{Point-BERT => point-bert}/pytorch/utils/registry.py (100%) diff --git a/README.md b/README.md index c49e2c19..c60ba841 100644 --- a/README.md +++ b/README.md @@ -207,7 +207,7 @@ DeepSparkHub甄选上百个应用算法和模型,覆盖AI和通用计算各领 模型名称 | 框架 | 数据集 -------- | ------ | ---- -[Point-BERT](cv/point_cloud/Point-BERT/pytorch/README.md) | PyTorch | ShapeNet55 & processed ModelNet +[Point-BERT](cv/point_cloud/point-bert/pytorch/README.md) | PyTorch | ShapeNet55 & processed ModelNet #### Pose Estimation diff --git a/cv/point_cloud/Point-BERT/pytorch/segmentation/data b/cv/point_cloud/Point-BERT/pytorch/segmentation/data deleted file mode 120000 index 4909e06e..00000000 --- a/cv/point_cloud/Point-BERT/pytorch/segmentation/data +++ /dev/null @@ -1 +0,0 @@ -../data \ No newline at end of file diff --git a/cv/point_cloud/Point-BERT/pytorch/DATASET.md b/cv/point_cloud/point-bert/pytorch/DATASET.md similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/DATASET.md rename to cv/point_cloud/point-bert/pytorch/DATASET.md diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/.pre-commit-config.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/.pre-commit-config.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/.pre-commit-config.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/.pre-commit-config.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/.travis.yml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/.travis.yml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/.travis.yml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/.travis.yml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/MANIFEST.in b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/MANIFEST.in similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/MANIFEST.in rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/MANIFEST.in diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/README.rst b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/README.rst similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/README.rst rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/README.rst diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/UNLICENSE b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/UNLICENSE similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/UNLICENSE rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/UNLICENSE diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/__init__.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/__init__.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/__init__.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/_version.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/_version.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/_version.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/_version.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/config.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/config.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/config.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/config.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/model/msg.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/model/msg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/model/msg.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/model/msg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/model/ssg.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/model/ssg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/model/ssg.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/model/ssg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task/cls.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task/cls.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task/cls.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task/cls.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task/semseg.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task/semseg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task/semseg.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task/semseg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-msg.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-msg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-msg.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-msg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-ssg.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-ssg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-ssg.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/cls-ssg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-msg.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-msg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-msg.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-msg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-ssg.yaml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-ssg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-ssg.yaml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/config/task_model/semseg-ssg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/data/Indoor3DSemSegLoader.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/data/Indoor3DSemSegLoader.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/data/Indoor3DSemSegLoader.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/data/Indoor3DSemSegLoader.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/data/ModelNet40Loader.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/data/ModelNet40Loader.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/data/ModelNet40Loader.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/data/ModelNet40Loader.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/data/__init__.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/data/__init__.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/data/__init__.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/data/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/data/data_utils.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/data/data_utils.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/data/data_utils.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/data/data_utils.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/__init__.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/__init__.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/__init__.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_cls.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_cls.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_cls.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_cls.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_sem.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_sem.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_sem.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_msg_sem.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_cls.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_cls.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_cls.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_cls.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_sem.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_sem.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_sem.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/models/pointnet2_ssg_sem.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/train.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/train.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2/train.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2/train.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/MANIFEST.in b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/MANIFEST.in similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/MANIFEST.in rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/MANIFEST.in diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/__init__.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/__init__.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/__init__.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/ball_query.h b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/ball_query.h similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/ball_query.h rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/ball_query.h diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/cuda_utils.h b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/cuda_utils.h similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/cuda_utils.h rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/cuda_utils.h diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/group_points.h b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/group_points.h similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/group_points.h rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/group_points.h diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/interpolate.h b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/interpolate.h similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/interpolate.h rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/interpolate.h diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/sampling.h b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/sampling.h similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/sampling.h rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/sampling.h diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/utils.h b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/utils.h similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/utils.h rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include/utils.h diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query.cpp b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query.cpp similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query.cpp rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query.cpp diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/bindings.cpp b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/bindings.cpp similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/bindings.cpp rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/bindings.cpp diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points.cpp b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points.cpp similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points.cpp rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points.cpp diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate.cpp b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate.cpp similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate.cpp rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate.cpp diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling.cpp b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling.cpp similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling.cpp rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling.cpp diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_version.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_version.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_version.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/_version.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_modules.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_modules.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_modules.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_modules.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_utils.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_utils.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_utils.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/pointnet2_ops/pointnet2_utils.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/setup.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/setup.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/setup.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pointnet2_ops_lib/setup.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pyproject.toml b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pyproject.toml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/pyproject.toml rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/pyproject.toml diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/requirements.txt b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/requirements.txt similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/requirements.txt rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/requirements.txt diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/setup.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/setup.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/setup.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/setup.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/tests/conftest.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/tests/conftest.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/tests/conftest.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/tests/conftest.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/tests/test_cls.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/tests/test_cls.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/tests/test_cls.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/tests/test_cls.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/tests/test_semseg.py b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/tests/test_semseg.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/tests/test_semseg.py rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/tests/test_semseg.py diff --git a/cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/tox.ini b/cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/tox.ini similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/Pointnet2_PyTorch/tox.ini rename to cv/point_cloud/point-bert/pytorch/Pointnet2_PyTorch/tox.ini diff --git a/cv/point_cloud/Point-BERT/pytorch/README.md b/cv/point_cloud/point-bert/pytorch/README.md similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/README.md rename to cv/point_cloud/point-bert/pytorch/README.md diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/Fewshot_models/PointTransformer.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/Fewshot_models/PointTransformer.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/Fewshot_models/PointTransformer.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/Fewshot_models/PointTransformer.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/Mixup_models/Point-BERT.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/Mixup_models/Point-BERT.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/Mixup_models/Point-BERT.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/Mixup_models/Point-BERT.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/ModelNet_models/PointTransformer.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/ModelNet_models/PointTransformer.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/ModelNet_models/PointTransformer.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/ModelNet_models/PointTransformer.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/ModelNet_models/PointTransformer_2048point.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/ModelNet_models/PointTransformer_2048point.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/ModelNet_models/PointTransformer_2048point.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/ModelNet_models/PointTransformer_2048point.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/ModelNet_models/PointTransformer_4096point.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/ModelNet_models/PointTransformer_4096point.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/ModelNet_models/PointTransformer_4096point.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/ModelNet_models/PointTransformer_4096point.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/ModelNet_models/PointTransformer_8192point.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/ModelNet_models/PointTransformer_8192point.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/ModelNet_models/PointTransformer_8192point.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/ModelNet_models/PointTransformer_8192point.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/ScanObjectNN_models/PointTransformer_hardest.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/ScanObjectNN_models/PointTransformer_hardest.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/ScanObjectNN_models/PointTransformer_hardest.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/ScanObjectNN_models/PointTransformer_hardest.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectbg.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectbg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectbg.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectbg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectonly.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectonly.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectonly.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/ScanObjectNN_models/PointTransformer_objectonly.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/ShapeNet55_models/dvae.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/ShapeNet55_models/dvae.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/ShapeNet55_models/dvae.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/ShapeNet55_models/dvae.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ModelNet40.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ModelNet40.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ModelNet40.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ModelNet40.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ModelNet40FewShot.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ModelNet40FewShot.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ModelNet40FewShot.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ModelNet40FewShot.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ScanObjectNN_hardest.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ScanObjectNN_hardest.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ScanObjectNN_hardest.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ScanObjectNN_hardest.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ScanObjectNN_objectbg.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ScanObjectNN_objectbg.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ScanObjectNN_objectbg.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ScanObjectNN_objectbg.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ScanObjectNN_objectonly.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ScanObjectNN_objectonly.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ScanObjectNN_objectonly.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ScanObjectNN_objectonly.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ShapeNet-55.yaml b/cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ShapeNet-55.yaml similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/cfgs/dataset_configs/ShapeNet-55.yaml rename to cv/point_cloud/point-bert/pytorch/cfgs/dataset_configs/ShapeNet-55.yaml diff --git a/cv/point_cloud/Point-BERT/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_shape_names.txt b/cv/point_cloud/point-bert/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_shape_names.txt similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_shape_names.txt rename to cv/point_cloud/point-bert/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_shape_names.txt diff --git a/cv/point_cloud/Point-BERT/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_test.txt b/cv/point_cloud/point-bert/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_test.txt similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_test.txt rename to cv/point_cloud/point-bert/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_test.txt diff --git a/cv/point_cloud/Point-BERT/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_train.txt b/cv/point_cloud/point-bert/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_train.txt similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_train.txt rename to cv/point_cloud/point-bert/pytorch/data/ModelNet/modelnet40_normal_resampled/modelnet40_train.txt diff --git a/cv/point_cloud/Point-BERT/pytorch/data/ScanObjectNN_shape_names.txt b/cv/point_cloud/point-bert/pytorch/data/ScanObjectNN_shape_names.txt similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/data/ScanObjectNN_shape_names.txt rename to cv/point_cloud/point-bert/pytorch/data/ScanObjectNN_shape_names.txt diff --git a/cv/point_cloud/Point-BERT/pytorch/data/ShapeNet55-34/ShapeNet-55/test.txt b/cv/point_cloud/point-bert/pytorch/data/ShapeNet55-34/ShapeNet-55/test.txt similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/data/ShapeNet55-34/ShapeNet-55/test.txt rename to cv/point_cloud/point-bert/pytorch/data/ShapeNet55-34/ShapeNet-55/test.txt diff --git a/cv/point_cloud/Point-BERT/pytorch/data/ShapeNet55-34/ShapeNet-55/train.txt b/cv/point_cloud/point-bert/pytorch/data/ShapeNet55-34/ShapeNet-55/train.txt similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/data/ShapeNet55-34/ShapeNet-55/train.txt rename to cv/point_cloud/point-bert/pytorch/data/ShapeNet55-34/ShapeNet-55/train.txt diff --git a/cv/point_cloud/Point-BERT/pytorch/data/shapenet_synset_dict.json b/cv/point_cloud/point-bert/pytorch/data/shapenet_synset_dict.json similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/data/shapenet_synset_dict.json rename to cv/point_cloud/point-bert/pytorch/data/shapenet_synset_dict.json diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/ModelNetDataset.py b/cv/point_cloud/point-bert/pytorch/datasets/ModelNetDataset.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/ModelNetDataset.py rename to cv/point_cloud/point-bert/pytorch/datasets/ModelNetDataset.py diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/ModelNetDatasetFewShot.py b/cv/point_cloud/point-bert/pytorch/datasets/ModelNetDatasetFewShot.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/ModelNetDatasetFewShot.py rename to cv/point_cloud/point-bert/pytorch/datasets/ModelNetDatasetFewShot.py diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/ScanObjectNNDataset.py b/cv/point_cloud/point-bert/pytorch/datasets/ScanObjectNNDataset.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/ScanObjectNNDataset.py rename to cv/point_cloud/point-bert/pytorch/datasets/ScanObjectNNDataset.py diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/ShapeNet55Dataset.py b/cv/point_cloud/point-bert/pytorch/datasets/ShapeNet55Dataset.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/ShapeNet55Dataset.py rename to cv/point_cloud/point-bert/pytorch/datasets/ShapeNet55Dataset.py diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/__init__.py b/cv/point_cloud/point-bert/pytorch/datasets/__init__.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/__init__.py rename to cv/point_cloud/point-bert/pytorch/datasets/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/build.py b/cv/point_cloud/point-bert/pytorch/datasets/build.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/build.py rename to cv/point_cloud/point-bert/pytorch/datasets/build.py diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/data_transforms.py b/cv/point_cloud/point-bert/pytorch/datasets/data_transforms.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/data_transforms.py rename to cv/point_cloud/point-bert/pytorch/datasets/data_transforms.py diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/generate_few_shot_data.py b/cv/point_cloud/point-bert/pytorch/datasets/generate_few_shot_data.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/generate_few_shot_data.py rename to cv/point_cloud/point-bert/pytorch/datasets/generate_few_shot_data.py diff --git a/cv/point_cloud/Point-BERT/pytorch/datasets/io.py b/cv/point_cloud/point-bert/pytorch/datasets/io.py old mode 100755 new mode 100644 similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/datasets/io.py rename to cv/point_cloud/point-bert/pytorch/datasets/io.py diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/__init__.py b/cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/__init__.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/__init__.py rename to cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/chamfer.cu b/cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/chamfer.cu similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/chamfer.cu rename to cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/chamfer.cu diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/chamfer_cuda.cpp b/cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/chamfer_cuda.cpp similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/chamfer_cuda.cpp rename to cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/chamfer_cuda.cpp diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/setup.py b/cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/setup.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/setup.py rename to cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/setup.py diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/test.py b/cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/test.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/chamfer_dist/test.py rename to cv/point_cloud/point-bert/pytorch/extensions/chamfer_dist/test.py diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/README.md b/cv/point_cloud/point-bert/pytorch/extensions/emd/README.md similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/emd/README.md rename to cv/point_cloud/point-bert/pytorch/extensions/emd/README.md diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/__init__.py b/cv/point_cloud/point-bert/pytorch/extensions/emd/__init__.py old mode 100755 new mode 100644 similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/emd/__init__.py rename to cv/point_cloud/point-bert/pytorch/extensions/emd/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/cuda/emd.cpp b/cv/point_cloud/point-bert/pytorch/extensions/emd/cuda/emd.cpp old mode 100755 new mode 100644 similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/emd/cuda/emd.cpp rename to cv/point_cloud/point-bert/pytorch/extensions/emd/cuda/emd.cpp diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/cuda/emd_kernel.cu b/cv/point_cloud/point-bert/pytorch/extensions/emd/cuda/emd_kernel.cu similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/emd/cuda/emd_kernel.cu rename to cv/point_cloud/point-bert/pytorch/extensions/emd/cuda/emd_kernel.cu diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/emd.py b/cv/point_cloud/point-bert/pytorch/extensions/emd/emd.py old mode 100755 new mode 100644 similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/emd/emd.py rename to cv/point_cloud/point-bert/pytorch/extensions/emd/emd.py diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/setup.py b/cv/point_cloud/point-bert/pytorch/extensions/emd/setup.py old mode 100755 new mode 100644 similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/emd/setup.py rename to cv/point_cloud/point-bert/pytorch/extensions/emd/setup.py diff --git a/cv/point_cloud/Point-BERT/pytorch/extensions/emd/test_emd_loss.py b/cv/point_cloud/point-bert/pytorch/extensions/emd/test_emd_loss.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/extensions/emd/test_emd_loss.py rename to cv/point_cloud/point-bert/pytorch/extensions/emd/test_emd_loss.py diff --git a/cv/point_cloud/Point-BERT/pytorch/install.sh b/cv/point_cloud/point-bert/pytorch/install.sh similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/install.sh rename to cv/point_cloud/point-bert/pytorch/install.sh diff --git a/cv/point_cloud/Point-BERT/pytorch/main.py b/cv/point_cloud/point-bert/pytorch/main.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/main.py rename to cv/point_cloud/point-bert/pytorch/main.py diff --git a/cv/point_cloud/Point-BERT/pytorch/main_BERT.py b/cv/point_cloud/point-bert/pytorch/main_BERT.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/main_BERT.py rename to cv/point_cloud/point-bert/pytorch/main_BERT.py diff --git a/cv/point_cloud/Point-BERT/pytorch/models/Point_BERT.py b/cv/point_cloud/point-bert/pytorch/models/Point_BERT.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/models/Point_BERT.py rename to cv/point_cloud/point-bert/pytorch/models/Point_BERT.py diff --git a/cv/point_cloud/Point-BERT/pytorch/models/__init__.py b/cv/point_cloud/point-bert/pytorch/models/__init__.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/models/__init__.py rename to cv/point_cloud/point-bert/pytorch/models/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/models/build.py b/cv/point_cloud/point-bert/pytorch/models/build.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/models/build.py rename to cv/point_cloud/point-bert/pytorch/models/build.py diff --git a/cv/point_cloud/Point-BERT/pytorch/models/dvae.py b/cv/point_cloud/point-bert/pytorch/models/dvae.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/models/dvae.py rename to cv/point_cloud/point-bert/pytorch/models/dvae.py diff --git a/cv/point_cloud/Point-BERT/pytorch/prepare.sh b/cv/point_cloud/point-bert/pytorch/prepare.sh similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/prepare.sh rename to cv/point_cloud/point-bert/pytorch/prepare.sh diff --git a/cv/point_cloud/Point-BERT/pytorch/requirements.txt b/cv/point_cloud/point-bert/pytorch/requirements.txt similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/requirements.txt rename to cv/point_cloud/point-bert/pytorch/requirements.txt diff --git a/cv/point_cloud/Point-BERT/pytorch/scripts/dist_train_BERT.sh b/cv/point_cloud/point-bert/pytorch/scripts/dist_train_BERT.sh similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/scripts/dist_train_BERT.sh rename to cv/point_cloud/point-bert/pytorch/scripts/dist_train_BERT.sh diff --git a/cv/point_cloud/Point-BERT/pytorch/scripts/test.sh b/cv/point_cloud/point-bert/pytorch/scripts/test.sh similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/scripts/test.sh rename to cv/point_cloud/point-bert/pytorch/scripts/test.sh diff --git a/cv/point_cloud/Point-BERT/pytorch/scripts/test_BERT.sh b/cv/point_cloud/point-bert/pytorch/scripts/test_BERT.sh similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/scripts/test_BERT.sh rename to cv/point_cloud/point-bert/pytorch/scripts/test_BERT.sh diff --git a/cv/point_cloud/Point-BERT/pytorch/scripts/train.sh b/cv/point_cloud/point-bert/pytorch/scripts/train.sh similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/scripts/train.sh rename to cv/point_cloud/point-bert/pytorch/scripts/train.sh diff --git a/cv/point_cloud/Point-BERT/pytorch/scripts/train_BERT.sh b/cv/point_cloud/point-bert/pytorch/scripts/train_BERT.sh similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/scripts/train_BERT.sh rename to cv/point_cloud/point-bert/pytorch/scripts/train_BERT.sh diff --git a/cv/point_cloud/point-bert/pytorch/segmentation/data b/cv/point_cloud/point-bert/pytorch/segmentation/data new file mode 100644 index 00000000..4909e06e --- /dev/null +++ b/cv/point_cloud/point-bert/pytorch/segmentation/data @@ -0,0 +1 @@ +../data \ No newline at end of file diff --git a/cv/point_cloud/Point-BERT/pytorch/segmentation/data_utils/ShapeNetDataLoader.py b/cv/point_cloud/point-bert/pytorch/segmentation/data_utils/ShapeNetDataLoader.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/segmentation/data_utils/ShapeNetDataLoader.py rename to cv/point_cloud/point-bert/pytorch/segmentation/data_utils/ShapeNetDataLoader.py diff --git a/cv/point_cloud/Point-BERT/pytorch/segmentation/models/PointTransformer.py b/cv/point_cloud/point-bert/pytorch/segmentation/models/PointTransformer.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/segmentation/models/PointTransformer.py rename to cv/point_cloud/point-bert/pytorch/segmentation/models/PointTransformer.py diff --git a/cv/point_cloud/Point-BERT/pytorch/segmentation/models/pointnet2_utils.py b/cv/point_cloud/point-bert/pytorch/segmentation/models/pointnet2_utils.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/segmentation/models/pointnet2_utils.py rename to cv/point_cloud/point-bert/pytorch/segmentation/models/pointnet2_utils.py diff --git a/cv/point_cloud/Point-BERT/pytorch/segmentation/models/utils.py b/cv/point_cloud/point-bert/pytorch/segmentation/models/utils.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/segmentation/models/utils.py rename to cv/point_cloud/point-bert/pytorch/segmentation/models/utils.py diff --git a/cv/point_cloud/Point-BERT/pytorch/segmentation/provider.py b/cv/point_cloud/point-bert/pytorch/segmentation/provider.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/segmentation/provider.py rename to cv/point_cloud/point-bert/pytorch/segmentation/provider.py diff --git a/cv/point_cloud/Point-BERT/pytorch/segmentation/test_partseg.py b/cv/point_cloud/point-bert/pytorch/segmentation/test_partseg.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/segmentation/test_partseg.py rename to cv/point_cloud/point-bert/pytorch/segmentation/test_partseg.py diff --git a/cv/point_cloud/Point-BERT/pytorch/segmentation/train_partseg.py b/cv/point_cloud/point-bert/pytorch/segmentation/train_partseg.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/segmentation/train_partseg.py rename to cv/point_cloud/point-bert/pytorch/segmentation/train_partseg.py diff --git a/cv/point_cloud/Point-BERT/pytorch/tools/__init__.py b/cv/point_cloud/point-bert/pytorch/tools/__init__.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/tools/__init__.py rename to cv/point_cloud/point-bert/pytorch/tools/__init__.py diff --git a/cv/point_cloud/Point-BERT/pytorch/tools/builder.py b/cv/point_cloud/point-bert/pytorch/tools/builder.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/tools/builder.py rename to cv/point_cloud/point-bert/pytorch/tools/builder.py diff --git a/cv/point_cloud/Point-BERT/pytorch/tools/runner.py b/cv/point_cloud/point-bert/pytorch/tools/runner.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/tools/runner.py rename to cv/point_cloud/point-bert/pytorch/tools/runner.py diff --git a/cv/point_cloud/Point-BERT/pytorch/tools/runner_BERT_finetune.py b/cv/point_cloud/point-bert/pytorch/tools/runner_BERT_finetune.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/tools/runner_BERT_finetune.py rename to cv/point_cloud/point-bert/pytorch/tools/runner_BERT_finetune.py diff --git a/cv/point_cloud/Point-BERT/pytorch/tools/runner_BERT_pretrain.py b/cv/point_cloud/point-bert/pytorch/tools/runner_BERT_pretrain.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/tools/runner_BERT_pretrain.py rename to cv/point_cloud/point-bert/pytorch/tools/runner_BERT_pretrain.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/AverageMeter.py b/cv/point_cloud/point-bert/pytorch/utils/AverageMeter.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/AverageMeter.py rename to cv/point_cloud/point-bert/pytorch/utils/AverageMeter.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/checkpoint.py b/cv/point_cloud/point-bert/pytorch/utils/checkpoint.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/checkpoint.py rename to cv/point_cloud/point-bert/pytorch/utils/checkpoint.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/config.py b/cv/point_cloud/point-bert/pytorch/utils/config.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/config.py rename to cv/point_cloud/point-bert/pytorch/utils/config.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/dist_utils.py b/cv/point_cloud/point-bert/pytorch/utils/dist_utils.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/dist_utils.py rename to cv/point_cloud/point-bert/pytorch/utils/dist_utils.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/logger.py b/cv/point_cloud/point-bert/pytorch/utils/logger.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/logger.py rename to cv/point_cloud/point-bert/pytorch/utils/logger.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/metrics.py b/cv/point_cloud/point-bert/pytorch/utils/metrics.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/metrics.py rename to cv/point_cloud/point-bert/pytorch/utils/metrics.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/misc.py b/cv/point_cloud/point-bert/pytorch/utils/misc.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/misc.py rename to cv/point_cloud/point-bert/pytorch/utils/misc.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/parser.py b/cv/point_cloud/point-bert/pytorch/utils/parser.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/parser.py rename to cv/point_cloud/point-bert/pytorch/utils/parser.py diff --git a/cv/point_cloud/Point-BERT/pytorch/utils/registry.py b/cv/point_cloud/point-bert/pytorch/utils/registry.py similarity index 100% rename from cv/point_cloud/Point-BERT/pytorch/utils/registry.py rename to cv/point_cloud/point-bert/pytorch/utils/registry.py -- Gitee From 0b24356a276632bd8a36200298be1e6520b41e47 Mon Sep 17 00:00:00 2001 From: "mingjiang.li" Date: Thu, 26 Dec 2024 19:16:29 +0800 Subject: [PATCH 3/3] markdown format Signed-off-by: mingjiang.li --- cv/point_cloud/point-bert/pytorch/README.md | 29 ++++++++++++--------- 1 file changed, 16 insertions(+), 13 deletions(-) diff --git a/cv/point_cloud/point-bert/pytorch/README.md b/cv/point_cloud/point-bert/pytorch/README.md index 4db8ccb5..dc7d729b 100644 --- a/cv/point_cloud/point-bert/pytorch/README.md +++ b/cv/point_cloud/point-bert/pytorch/README.md @@ -1,4 +1,5 @@ # Point-BERT + Point-BERT is a new paradigm for learning Transformers to generalize the concept of BERT onto 3D point cloud. Inspired by BERT, we devise a Masked Point Modeling (MPM) task to pre-train point cloud Transformers. Specifically, we first divide a point cloud into several local patches, and a point cloud Tokenizer is devised via a discrete Variational AutoEncoder (dVAE) to generate discrete point tokens containing meaningful local information. Then, we randomly mask some patches of input point clouds and feed them into the backbone Transformer. The pre-training objective is to recover the original point tokens at the masked locations under the supervision of point tokens obtained by the Tokenizer. ## Step 1: Installing packages @@ -7,41 +8,43 @@ Point-BERT is a new paradigm for learning Transformers to generalize the concept * system -```shell +```sh apt update apt install libgl1-mesa-glx ``` -* python +* python -```shell +```sh pip3 install argparse easydict h5py matplotlib numpy open3d==0.10 opencv-python pyyaml scipy tensorboardX timm==0.4.5 tqdm transforms3d termcolor scikit-learn==0.24.1 Ninja --default-timeout=1000 ``` * Chamfer Distance -```shell +```sh bash install.sh ``` * PointNet++ -```shell + +```sh cd ./Pointnet2_PyTorch pip3 install pointnet2_ops_lib/. cd - ``` * GPU kNN -```shell + +```sh pip3 install --upgrade https://github.com/unlimblue/KNN_CUDA/releases/download/0.2/KNN_CUDA-0.2-py3-none-any.whl ``` - ## Step 2: Preparing datasets Please refer to [DATASET.md](./DATASET.md) for preparing `ShapeNet55` and `processed ModelNet`. The dataset dircectory tree would be like: -```shell + +```sh data/ ├── ModelNet │   └── modelnet40_normal_resampled @@ -59,7 +62,8 @@ data/ ## Step 3: Training * dVAE train -```shell + +```sh bash scripts/train.sh 0 --config cfgs/ShapeNet55_models/dvae.yaml --exp_name dVAE ``` @@ -67,11 +71,10 @@ bash scripts/train.sh 0 --config cfgs/ShapeNet55_models/dvae.yaml --exp_name dVA When dVAE has finished training, you should be edit `cfgs/Mixup_models/Point-BERT.yaml`, and add the path of dvae_config-ckpt. -```shell +```sh bash ./scripts/dist_train_BERT.sh 12345 --config cfgs/Mixup_models/Point-BERT.yaml --exp_name pointBERT_pretrain --val_freq 2 ``` - - ## Reference -https://github.com/lulutang0608/Point-BERT + +[Point-BERT](https://github.com/lulutang0608/Point-BERT) -- Gitee