From 4a19ff5dc863958fe2d72057b2b83c50a917695e Mon Sep 17 00:00:00 2001 From: majorli6 Date: Tue, 15 Nov 2022 18:34:23 +0800 Subject: [PATCH 1/3] some fix on paddle readme link #I5Z34W - typo fix - specify dataset location Signed-off-by: majorli6 --- .../googlenet/paddlepaddle/README.md | 28 +++++++++-------- .../mobilenetv3/paddlepaddle/README.md | 12 ++++---- .../resnet50/paddlepaddle/README.md | 26 ++++++++-------- cv/classification/vgg/paddlepaddle/README.md | 10 +++---- cv/detection/maskrcnn/paddlepaddle/README.md | 18 +++++------ cv/ocr/crnn/paddlepaddle/README.md | 18 ++--------- cv/ocr/pp-ocr db/paddlepaddle/README.md | 25 ++++++++-------- cv/ocr/pse/paddlepaddle/README.md | 26 ++++++++-------- .../deeplabv3/paddlepaddle/README.md | 30 +++++++++---------- .../dnlnet/paddlepaddle/README.md | 4 +-- .../wide_deep/paddlepaddle/README.md | 4 +-- 11 files changed, 96 insertions(+), 105 deletions(-) diff --git a/cv/classification/googlenet/paddlepaddle/README.md b/cv/classification/googlenet/paddlepaddle/README.md index 48e3256be..84ed21de3 100644 --- a/cv/classification/googlenet/paddlepaddle/README.md +++ b/cv/classification/googlenet/paddlepaddle/README.md @@ -17,26 +17,26 @@ Download the [ImageNet Dataset](https://www.image-net.org/download.php) ```bash # IMAGENET PATH as follow: -#ls -al /home/datasets/imagenet_jpeg/ -#total 52688 -# drwxr-xr-x 1002 root root 24576 Mar 1 15:33 train -# -rw-r--r-- 1 root root 43829433 May 16 07:55 train_list.txt -# drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val -# -rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt -# ----------------------- +ls -al /home/datasets/imagenet_jpeg/ +total 52688 +drwxr-xr-x 1002 root root 24576 Mar 1 15:33 train +-rw-r--r-- 1 root root 43829433 May 16 07:55 train_list.txt +drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val +-rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt +----------------------- # train_list.txt has the following format -# n01440764/n01440764_10026.JPEG 0 -# ... +n01440764/n01440764_10026.JPEG 0 +... # val_list.txt has the following format -# ILSVRC2012_val_00000001.JPEG 65 -# ----------------------- +ILSVRC2012_val_00000001.JPEG 65 +----------------------- ``` ## Step 3: Run GoogLeNet AMP ```bash -# Modify the file:/paddleclas/ppcls/configs/ImageNet/Inception/GoogLeNet.yaml to add the option of AMP +# Modify the file: PaddleClas/ppcls/configs/ImageNet/Inception/GoogLeNet.yaml to add the option of AMP AMP: scale_loss: 128.0 @@ -48,8 +48,10 @@ AMP: ```bash # Make sure your dataset path is the same as above cd PaddleClas +# Link your dataset to default location +ln -s /home/datasets/imagenet_jpeg/ ./dataset/ILSVRC2012 export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True export CUDA_VISIBLE_DEVICES=0,1,2,3 python3 -u -m paddle.distributed.launch --gpus=0,1,2,3 tools/train.py -c ppcls/configs/ImageNet/Inception/GoogLeNet.yaml -``` \ No newline at end of file +``` diff --git a/cv/classification/mobilenetv3/paddlepaddle/README.md b/cv/classification/mobilenetv3/paddlepaddle/README.md index edcc5578f..92dcd869c 100644 --- a/cv/classification/mobilenetv3/paddlepaddle/README.md +++ b/cv/classification/mobilenetv3/paddlepaddle/README.md @@ -8,7 +8,7 @@ git clone https://github.com/PaddlePaddle/PaddleClas.git ``` ```bash -cd paddleclas +cd PaddleClas pip3 install -r requirements.txt ``` @@ -16,10 +16,10 @@ pip3 install -r requirements.txt Download [ImageNet](https://www.image-net.org/), the path as /home/datasets/imagenet/, then the imagenet path as follows: ``` # IMAGENET PATH as follow: -# drwxr-xr-x 1002 root root 24576 Mar 1 15:33 train -# -rw-r--r-- 1 root root 43829433 May 16 07:55 train_list.txt -# drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val -# -rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt +drwxr-xr-x 1002 root root 24576 Mar 1 15:33 train +-rw-r--r-- 1 root root 43829433 May 16 07:55 train_list.txt +drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val +-rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt ``` ## Step 3: Training @@ -33,4 +33,4 @@ python3 -u -m paddle.distributed.launch --gpus=0,1,2,3 tools/train.py -c ppcls/c ``` ## Reference -- [PaddleClas](https://github.com/PaddlePaddle/PaddleClas) \ No newline at end of file +- [PaddleClas](https://github.com/PaddlePaddle/PaddleClas) diff --git a/cv/classification/resnet50/paddlepaddle/README.md b/cv/classification/resnet50/paddlepaddle/README.md index 03ad5010f..f2102f53b 100644 --- a/cv/classification/resnet50/paddlepaddle/README.md +++ b/cv/classification/resnet50/paddlepaddle/README.md @@ -16,20 +16,20 @@ Download the [ImageNet Dataset](https://www.image-net.org/download.php) ```bash # IMAGENET PATH as follow: -#ls -al /home/datasets/imagenet_jpeg/ -#total 52688 -# drwxr-xr-x 1002 root root 24576 Mar 1 15:33 train -# -rw-r--r-- 1 root root 43829433 May 16 07:55 train_list.txt -# drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val -# -rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt -# ----------------------- +ls -al /home/datasets/imagenet_jpeg/ +total 52688 +drwxr-xr-x 1002 root root 24576 Mar 1 15:33 train +-rw-r--r-- 1 root root 43829433 May 16 07:55 train_list.txt +drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val +-rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt +----------------------- # train_list.txt has the following format -# n01440764/n01440764_10026.JPEG 0 -# ... +n01440764/n01440764_10026.JPEG 0 +... # val_list.txt has the following format -# ILSVRC2012_val_00000001.JPEG 65 -# ----------------------- +ILSVRC2012_val_00000001.JPEG 65 +----------------------- ``` ## Step 3: Run ResNet50 @@ -37,8 +37,10 @@ Download the [ImageNet Dataset](https://www.image-net.org/download.php) ```bash # Make sure your dataset path is the same as above cd PaddleClas +# Link your dataset to default location +ln -s /home/datasets/imagenet_jpeg/ ./dataset/ILSVRC2012 export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True export CUDA_VISIBLE_DEVICES=0,1,2,3 python3 -u -m paddle.distributed.launch --gpus=0,1,2,3 tools/train.py -c ppcls/configs/ImageNet/ResNet/ResNet50.yaml -o Arch.pretrained=False -o Global.device=gpu -``` \ No newline at end of file +``` diff --git a/cv/classification/vgg/paddlepaddle/README.md b/cv/classification/vgg/paddlepaddle/README.md index 1351bd71f..b80fcf54d 100644 --- a/cv/classification/vgg/paddlepaddle/README.md +++ b/cv/classification/vgg/paddlepaddle/README.md @@ -16,10 +16,10 @@ pip3 install -r requirements.txt Download [ImageNet](https://www.image-net.org/), the path as /home/datasets/imagenet/, then the imagenet path as follows: ``` # IMAGENET PATH as follow: -# drwxr-xr-x 1002 root root 24576 Mar 1 15:33 train -# -rw-r--r-- 1 root root 43829433 May 16 07:55 train_list.txt -# drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val -# -rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt +drwxr-xr-x 1002 root root 24576 Mar 1 15:33 train +-rw-r--r-- 1 root root 43829433 May 16 07:55 train_list.txt +drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val +-rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt ``` ## Step 3: Training @@ -41,4 +41,4 @@ python3 -u -m paddle.distributed.launch --gpus=0,1,2,3 tools/train.py -c ppcls/c ``` ## Reference -- [PaddleClas](https://github.com/PaddlePaddle/PaddleClas) \ No newline at end of file +- [PaddleClas](https://github.com/PaddlePaddle/PaddleClas) diff --git a/cv/detection/maskrcnn/paddlepaddle/README.md b/cv/detection/maskrcnn/paddlepaddle/README.md index cbf05e28e..c277199be 100644 --- a/cv/detection/maskrcnn/paddlepaddle/README.md +++ b/cv/detection/maskrcnn/paddlepaddle/README.md @@ -20,14 +20,14 @@ Download the [COCO Dataset](https://cocodataset.org/#home) ```bash #COCO PATH as follow: -#ls -al /home/datasets/coco -#total 5208 -#drwxrwxr-x 6 1003 1003 93 Dec 29 2021 . -#drwxr-xr-x 6 root root 179 Jul 18 06:48 .. -#drwxrwxr-x 2 1003 1003 322 Sep 24 2021 annotations -#drwxrwxr-x 2 1003 1003 54 Dec 29 2021 pkl_coco -#drwxrwxr-x 2 1003 1003 3846144 Sep 24 2021 train2017 -#drwxrwxr-x 2 1003 1003 163840 Sep 24 2021 val2017 +ls -al /home/datasets/coco +total 5208 +drwxrwxr-x 6 1003 1003 93 Dec 29 2021 . +drwxr-xr-x 6 root root 179 Jul 18 06:48 .. +drwxrwxr-x 2 1003 1003 322 Sep 24 2021 annotations +drwxrwxr-x 2 1003 1003 54 Dec 29 2021 pkl_coco +drwxrwxr-x 2 1003 1003 3846144 Sep 24 2021 train2017 +drwxrwxr-x 2 1003 1003 163840 Sep 24 2021 val2017 ``` @@ -41,4 +41,4 @@ export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True export CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 python3 -u -m paddle.distributed.launch --gpus 0,1,2,3,4,5,6,7 tools/train.py -c configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml --use_vdl=true --eval --amp -``` \ No newline at end of file +``` diff --git a/cv/ocr/crnn/paddlepaddle/README.md b/cv/ocr/crnn/paddlepaddle/README.md index 223218bb9..43f568a35 100644 --- a/cv/ocr/crnn/paddlepaddle/README.md +++ b/cv/ocr/crnn/paddlepaddle/README.md @@ -12,22 +12,10 @@ pip3 install -r requirements.txt ``` ## Step 2: Prepare Datasets -Download [ICDAR2015](https://paperswithcode.com/dataset/icdar-2015), then the icdar-2015 path as follows: -``` -root@AE-ubuntu:/home/datasets/ICDAR2015/text_localization# ls -al /home/datasets/ICDAR2015/text_localization -total 133420 -drwxr-xr-x 4 root root 179 Jul 21 15:54 . -drwxr-xr-x 3 root root 39 Jul 21 15:50 .. -drwxr-xr-x 2 root root 12288 Jul 21 15:53 ch4_test_images --rw-r--r-- 1 root root 44359601 Jul 21 15:51 ch4_test_images.zip --rw-r--r-- 1 root root 90667586 Jul 21 15:51 ch4_training_images.zip -drwxr-xr-x 2 root root 24576 Jul 21 15:53 icdar_c4_train_imgs --rw-r--r-- 1 root root 468453 Jul 21 15:54 test_icdar2015_label.txt --rw-r--r-- 1 root root 1063118 Jul 21 15:54 train_icdar2015_label.txt -``` +Download [data_lmdb_release](https://github.com/clovaai/deep-text-recognition-benchmark#download-lmdb-dataset-for-traininig-and-evaluation-from-here). ## Step 3: Training -Notice: modify configs/ppyoloe/ppyoloe_crn_s_300e_coco.yml file, modify the datasets path as yours. +Notice: modify configs/rec/rec_mv3_none_bilstm_ctc.yml file, modify the datasets path as yours. ``` cd PaddleOCR export FLAGS_cudnn_exhaustive_search=True @@ -37,4 +25,4 @@ python3 -u -m paddle.distributed.launch --gpus 0,1,2,3,4,5,6,7 tools/train.py - ``` ## Reference -- [PaddleOCR](https://github.com/PaddlePaddle/PaddleOCR) \ No newline at end of file +- [PaddleOCR](https://github.com/PaddlePaddle/PaddleOCR) diff --git a/cv/ocr/pp-ocr db/paddlepaddle/README.md b/cv/ocr/pp-ocr db/paddlepaddle/README.md index 0e13ef5d4..f897bf327 100644 --- a/cv/ocr/pp-ocr db/paddlepaddle/README.md +++ b/cv/ocr/pp-ocr db/paddlepaddle/README.md @@ -12,25 +12,24 @@ pip3 install -r requirements.txt Download the [ICDAR2015 Dataset](https://deepai.org/dataset/icdar-2015) ```bash - -#ICDAR2015 PATH as follow: -#ls -al /home/datasets/ICDAR2015/text_localization -#total 133420 -#drwxr-xr-x 4 root root 179 Jul 21 15:54 . -#drwxr-xr-x 3 root root 39 Jul 21 15:50 .. -#drwxr-xr-x 2 root root 12288 Jul 21 15:53 ch4_test_images -#-rw-r--r-- 1 root root 44359601 Jul 21 15:51 ch4_test_images.zip -#-rw-r--r-- 1 root root 90667586 Jul 21 15:51 ch4_training_images.zip -#drwxr-xr-x 2 root root 24576 Jul 21 15:53 icdar_c4_train_imgs -#-rw-r--r-- 1 root root 468453 Jul 21 15:54 test_icdar2015_label.txt -#-rw-r--r-- 1 root root 1063118 Jul 21 15:54 train_icdar2015_label.txt +# ICDAR2015 PATH as follow: +ls -al /home/datasets/ICDAR2015/text_localization +total 133420 +drwxr-xr-x 4 root root 179 Jul 21 15:54 . +drwxr-xr-x 3 root root 39 Jul 21 15:50 .. +drwxr-xr-x 2 root root 12288 Jul 21 15:53 ch4_test_images +-rw-r--r-- 1 root root 44359601 Jul 21 15:51 ch4_test_images.zip +-rw-r--r-- 1 root root 90667586 Jul 21 15:51 ch4_training_images.zip +drwxr-xr-x 2 root root 24576 Jul 21 15:53 icdar_c4_train_imgs +-rw-r--r-- 1 root root 468453 Jul 21 15:54 test_icdar2015_label.txt +-rw-r--r-- 1 root root 1063118 Jul 21 15:54 train_icdar2015_label.txt ``` ## Step 3: Run PP-OCR DB ```bash -# Make sure your dataset path is the same as above +# Notice: modify "configs/det/det_mv3_db.yml" file, set the datasets path as yours. wget -P ./pretrain_models/ https://paddleocr.bj.bcebos.com/pretrained/MobileNetV3_large_x0_5_pretrained.pdparams export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True diff --git a/cv/ocr/pse/paddlepaddle/README.md b/cv/ocr/pse/paddlepaddle/README.md index 7b4092dfb..239607d0f 100644 --- a/cv/ocr/pse/paddlepaddle/README.md +++ b/cv/ocr/pse/paddlepaddle/README.md @@ -13,27 +13,27 @@ Download the [ICDAR2015 Dataset](https://deepai.org/dataset/icdar-2015) ```bash -#ICDAR2015 PATH as follow: -#ls -al /home/datasets/ICDAR2015/text_localization -#total 133420 -#drwxr-xr-x 4 root root 179 Jul 21 15:54 . -#drwxr-xr-x 3 root root 39 Jul 21 15:50 .. -#drwxr-xr-x 2 root root 12288 Jul 21 15:53 ch4_test_images -#-rw-r--r-- 1 root root 44359601 Jul 21 15:51 ch4_test_images.zip -#-rw-r--r-- 1 root root 90667586 Jul 21 15:51 ch4_training_images.zip -#drwxr-xr-x 2 root root 24576 Jul 21 15:53 icdar_c4_train_imgs -#-rw-r--r-- 1 root root 468453 Jul 21 15:54 test_icdar2015_label.txt -#-rw-r--r-- 1 root root 1063118 Jul 21 15:54 train_icdar2015_label.txt +# ICDAR2015 PATH as follow: +ls -al /home/datasets/ICDAR2015/text_localization +total 133420 +drwxr-xr-x 4 root root 179 Jul 21 15:54 . +drwxr-xr-x 3 root root 39 Jul 21 15:50 .. +drwxr-xr-x 2 root root 12288 Jul 21 15:53 ch4_test_images +-rw-r--r-- 1 root root 44359601 Jul 21 15:51 ch4_test_images.zip +-rw-r--r-- 1 root root 90667586 Jul 21 15:51 ch4_training_images.zip +drwxr-xr-x 2 root root 24576 Jul 21 15:53 icdar_c4_train_imgs +-rw-r--r-- 1 root root 468453 Jul 21 15:54 test_icdar2015_label.txt +-rw-r--r-- 1 root root 1063118 Jul 21 15:54 train_icdar2015_label.txt ``` ## Step 3: Run PSE ```bash -# Make sure your dataset path is the same as above +# Notice: modify "configs/det/det_r50_vd_pse.yml" file, set the datasets path as yours. wget -P ./pretrain_models/ https://paddleocr.bj.bcebos.com/pretrained/ResNet50_vd_ssld_pretrained.pdparams export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True export CUDA_VISIBLE_DEVICES=0 python3 -u -m paddle.distributed.launch --gpus 0,1,2,3 tools/train.py -c configs/det/det_r50_vd_pse.yml -o Global.use_amp=True Global.scale_loss=1024.0 Global.use_dynamic_loss_scaling=True -``` \ No newline at end of file +``` diff --git a/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md b/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md index 76f4ade50..0dd1c04da 100644 --- a/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md +++ b/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md @@ -24,20 +24,20 @@ pip3 install cityscapesscripts python3 tools/convert_cityscapes.py --cityscapes_path /home/datasets/cityscapes/ --num_workers 8 python3 tools/create_dataset_list.py /home/datasets/cityscapes --type cityscapes --separator "," -#CityScapes PATH as follow: -# ls -al /home/datasets/cityscapes/ -#total 11567948 -#drwxr-xr-x 4 root root 227 Jul 18 03:32 . -#drwxr-xr-x 6 root root 179 Jul 18 06:48 .. -#-rw-r--r-- 1 root root 298 Feb 20 2016 README -#drwxr-xr-x 5 root root 58 Jul 18 03:30 gtFine -#-rw-r--r-- 1 root root 252567705 Jul 18 03:22 gtFine_trainvaltest.zip -#drwxr-xr-x 5 root root 58 Jul 18 03:30 leftImg8bit -#-rw-r--r-- 1 root root 11592327197 Jul 18 03:27 leftImg8bit_trainvaltest.zip -#-rw-r--r-- 1 root root 1646 Feb 17 2016 license.txt -#-rw-r--r-- 1 root root 193690 Jul 18 03:32 test.txt -#-rw-r--r-- 1 root root 398780 Jul 18 03:32 train.txt -#-rw-r--r-- 1 root root 65900 Jul 18 03:32 val.txt +# CityScapes PATH as follow: +ls -al /home/datasets/cityscapes/ +total 11567948 +drwxr-xr-x 4 root root 227 Jul 18 03:32 . +drwxr-xr-x 6 root root 179 Jul 18 06:48 .. +-rw-r--r-- 1 root root 298 Feb 20 2016 README +drwxr-xr-x 5 root root 58 Jul 18 03:30 gtFine +-rw-r--r-- 1 root root 252567705 Jul 18 03:22 gtFine_trainvaltest.zip +drwxr-xr-x 5 root root 58 Jul 18 03:30 leftImg8bit +-rw-r--r-- 1 root root 11592327197 Jul 18 03:27 leftImg8bit_trainvaltest.zip +-rw-r--r-- 1 root root 1646 Feb 17 2016 license.txt +-rw-r--r-- 1 root root 193690 Jul 18 03:32 test.txt +-rw-r--r-- 1 root root 398780 Jul 18 03:32 train.txt +-rw-r--r-- 1 root root 65900 Jul 18 03:32 val.txt ``` ## Step 3: Run DeepLab @@ -53,4 +53,4 @@ python3 -u -m paddle.distributed.launch --gpus 0,1,2,3 train.py \ --config configs/deeplabv3/deeplabv3_resnet50_os8_cityscapes_1024x512_80k.yml \ --do_eval \ --use_vdl -``` \ No newline at end of file +``` diff --git a/cv/semantic_segmentation/dnlnet/paddlepaddle/README.md b/cv/semantic_segmentation/dnlnet/paddlepaddle/README.md index 4e65cf67f..a038e832c 100644 --- a/cv/semantic_segmentation/dnlnet/paddlepaddle/README.md +++ b/cv/semantic_segmentation/dnlnet/paddlepaddle/README.md @@ -45,7 +45,7 @@ Notice: modify configs/dnlnet/dnlnet_resnet50_os8_cityscapes_1024x512_80k.yml fi cd PaddleSeg export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True -export CUDA_VISIBLE_DEVICES=4,5,6,7 # 设置4张可用的卡 +export CUDA_VISIBLE_DEVICES=4,5,6,7 # setup 4 available cards python3 -u -m paddle.distributed.launch train.py \ --config configs/dnlnet/dnlnet_resnet50_os8_cityscapes_1024x512_80k.yml \ --do_eval \ @@ -54,4 +54,4 @@ python3 -u -m paddle.distributed.launch train.py \ ``` ## Reference -- [PaddleSeg](https://github.com/PaddlePaddle/PaddleSeg) \ No newline at end of file +- [PaddleSeg](https://github.com/PaddlePaddle/PaddleSeg) diff --git a/recommendation/wide_deep/paddlepaddle/README.md b/recommendation/wide_deep/paddlepaddle/README.md index 4c438f435..8457abc1e 100644 --- a/recommendation/wide_deep/paddlepaddle/README.md +++ b/recommendation/wide_deep/paddlepaddle/README.md @@ -15,7 +15,7 @@ pip3 install -r requirements.txt ``` cd PaddleRec -# 下载数据集 +# Download dataset pushd datasets/criteo/ sh run.sh popd @@ -32,4 +32,4 @@ popd ``` ## Reference -- [PaddleRec](https://github.com/PaddlePaddle/PaddleRec) \ No newline at end of file +- [PaddleRec](https://github.com/PaddlePaddle/PaddleRec) -- Gitee From 0c9a6304f9191d3586acb417a4365b1ad82e3299 Mon Sep 17 00:00:00 2001 From: majorli6 Date: Wed, 16 Nov 2022 11:07:47 +0800 Subject: [PATCH 2/3] set up dataset path variable uncomment set up dataset path variable uncomment Signed-off-by: majorli6 --- cv/detection/maskrcnn/paddlepaddle/README.md | 2 +- cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/cv/detection/maskrcnn/paddlepaddle/README.md b/cv/detection/maskrcnn/paddlepaddle/README.md index c277199be..46ef1bc25 100644 --- a/cv/detection/maskrcnn/paddlepaddle/README.md +++ b/cv/detection/maskrcnn/paddlepaddle/README.md @@ -35,7 +35,7 @@ drwxrwxr-x 2 1003 1003 163840 Sep 24 2021 val2017 ```bash # Make sure your dataset path is the same as above -#coco_dir=${coco_dir:-/home/datasets/coco/} +coco_dir=${coco_dir:-/home/datasets/coco/} sed -i "s#dataset/coco#${coco_dir}#g" configs/datasets/coco_instance.yml export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True diff --git a/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md b/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md index 0dd1c04da..c8043bbd8 100644 --- a/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md +++ b/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md @@ -44,7 +44,7 @@ drwxr-xr-x 5 root root 58 Jul 18 03:30 leftImg8bit ```bash # Make sure your dataset path is the same as above -# data_dir=${data_dir:-/home/datasets/cityscapes/} +data_dir=${data_dir:-/home/datasets/cityscapes/} sed -i "s#: data/cityscapes#: ${data_dir}#g" configs/_base_/cityscapes.yml export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True -- Gitee From 0c9e50b49a14d950dd959ff0adf94b17738a8585 Mon Sep 17 00:00:00 2001 From: majorli6 Date: Wed, 16 Nov 2022 13:33:52 +0800 Subject: [PATCH 3/3] add train/ and val/ prefix for imagenet dataset Signed-off-by: majorli6 --- cv/classification/googlenet/paddlepaddle/README.md | 4 ++-- cv/classification/resnet50/paddlepaddle/README.md | 4 ++-- cv/ocr/pse/paddlepaddle/README.md | 2 +- 3 files changed, 5 insertions(+), 5 deletions(-) diff --git a/cv/classification/googlenet/paddlepaddle/README.md b/cv/classification/googlenet/paddlepaddle/README.md index 84ed21de3..b0fcaab14 100644 --- a/cv/classification/googlenet/paddlepaddle/README.md +++ b/cv/classification/googlenet/paddlepaddle/README.md @@ -25,11 +25,11 @@ drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val -rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt ----------------------- # train_list.txt has the following format -n01440764/n01440764_10026.JPEG 0 +train/n01440764/n01440764_10026.JPEG 0 ... # val_list.txt has the following format -ILSVRC2012_val_00000001.JPEG 65 +val/ILSVRC2012_val_00000001.JPEG 65 ----------------------- ``` diff --git a/cv/classification/resnet50/paddlepaddle/README.md b/cv/classification/resnet50/paddlepaddle/README.md index f2102f53b..08c89e8c5 100644 --- a/cv/classification/resnet50/paddlepaddle/README.md +++ b/cv/classification/resnet50/paddlepaddle/README.md @@ -24,11 +24,11 @@ drwxr-xr-x 1002 root root 24576 Mar 1 15:41 val -rw-r--r-- 1 root root 2144499 May 16 07:56 val_list.txt ----------------------- # train_list.txt has the following format -n01440764/n01440764_10026.JPEG 0 +train/n01440764/n01440764_10026.JPEG 0 ... # val_list.txt has the following format -ILSVRC2012_val_00000001.JPEG 65 +val/ILSVRC2012_val_00000001.JPEG 65 ----------------------- ``` diff --git a/cv/ocr/pse/paddlepaddle/README.md b/cv/ocr/pse/paddlepaddle/README.md index 239607d0f..f92977862 100644 --- a/cv/ocr/pse/paddlepaddle/README.md +++ b/cv/ocr/pse/paddlepaddle/README.md @@ -34,6 +34,6 @@ drwxr-xr-x 2 root root 24576 Jul 21 15:53 icdar_c4_train_imgs wget -P ./pretrain_models/ https://paddleocr.bj.bcebos.com/pretrained/ResNet50_vd_ssld_pretrained.pdparams export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True -export CUDA_VISIBLE_DEVICES=0 +export CUDA_VISIBLE_DEVICES=0,1,2,3 python3 -u -m paddle.distributed.launch --gpus 0,1,2,3 tools/train.py -c configs/det/det_r50_vd_pse.yml -o Global.use_amp=True Global.scale_loss=1024.0 Global.use_dynamic_loss_scaling=True ``` -- Gitee