From 98e2d01fc0d8bb6349c1f2d8799768c452bca2c9 Mon Sep 17 00:00:00 2001 From: "xiaomei.wang" Date: Fri, 10 Feb 2023 14:42:05 +0800 Subject: [PATCH 01/15] Add models based on PaddlePaddle --- .../repvgg/paddlepaddle/README.md | 50 ++++++++++++++ .../resnest50/paddlepaddle/README.md | 50 ++++++++++++++ .../swin_transformer/paddlepaddle/README.md | 50 ++++++++++++++ .../bisenetv2/paddlepaddle/README.md | 67 +++++++++++++++++++ .../deeplabv3plus/paddlepaddle/README.md | 65 ++++++++++++++++++ 5 files changed, 282 insertions(+) create mode 100644 cv/classification/repvgg/paddlepaddle/README.md create mode 100644 cv/classification/resnest50/paddlepaddle/README.md create mode 100644 cv/classification/swin_transformer/paddlepaddle/README.md create mode 100644 cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md create mode 100644 cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md diff --git a/cv/classification/repvgg/paddlepaddle/README.md b/cv/classification/repvgg/paddlepaddle/README.md new file mode 100644 index 000000000..c478aef35 --- /dev/null +++ b/cv/classification/repvgg/paddlepaddle/README.md @@ -0,0 +1,50 @@ +# RepVGG +## Model description + A simple but powerful architecture of convolutional neural network, which has a VGG-like inference-time body composed of nothing but a stack of 3x3 convolution and ReLU, while the training-time model has a multi-branch topology. Such decoupling of the training-time and inference-time architecture is realized by a structural re-parameterization technique so that the model is named RepVGG. + +## Step 1: Installing + +```bash +git clone --recursive https://github.com/PaddlePaddle/PaddleClas.git +cd PaddleClas +pip3 install -r requirements.txt +``` + +## Step 2: Download data + +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 +----------------------- +# train_list.txt has the following format +train/n01440764/n01440764_10026.JPEG 0 +... + +# val_list.txt has the following format +val/ILSVRC2012_val_00000001.JPEG 65 +----------------------- +``` + +## Step 3: Run RepVGG + +```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,4,5,6,7 +python3 -u -m paddle.distributed.launch --gpus=0,1,2,3,4,5,6,7 tools/train.py -c ppcls/configs/ImageNet/RepVGG/RepVGG_A0.yaml -o Arch.pretrained=False -o Global.device=gpu +``` + +| GPU | FP32 | +| ----------- | ------------------------------------ | +| 8 cards | Acc@1=0.7131 | diff --git a/cv/classification/resnest50/paddlepaddle/README.md b/cv/classification/resnest50/paddlepaddle/README.md new file mode 100644 index 000000000..d1739f884 --- /dev/null +++ b/cv/classification/resnest50/paddlepaddle/README.md @@ -0,0 +1,50 @@ +# ResNeSt50 +## Model description +A ResNest is a variant on a ResNet, which instead stacks Split-Attention blocks. The cardinal group representations are then concatenated along the channel dimension.As in standard residual blocks, the final output of otheur Split-Attention block is produced using a shortcut connection. + +## Step 1: Installing + +```bash +git clone --recursive https://github.com/PaddlePaddle/PaddleClas.git +cd PaddleClas +pip3 install -r requirements.txt +``` + +## Step 2: Download data + +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 +----------------------- +# train_list.txt has the following format +train/n01440764/n01440764_10026.JPEG 0 +... + +# val_list.txt has the following format +val/ILSVRC2012_val_00000001.JPEG 65 +----------------------- +``` + +## Step 3: Run ResNeSt50 + +```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,4,5,6,7 tools/train.py -c ppcls/configs/ImageNet/ResNeSt/ResNeSt50.yaml -o Arch.pretrained=False -o Global.device=gpu +``` + +| GPU | FP32 | +| ----------- | ------------------------------------ | +| 8 cards | Acc@1=0.8083 | diff --git a/cv/classification/swin_transformer/paddlepaddle/README.md b/cv/classification/swin_transformer/paddlepaddle/README.md new file mode 100644 index 000000000..47912ff95 --- /dev/null +++ b/cv/classification/swin_transformer/paddlepaddle/README.md @@ -0,0 +1,50 @@ +# Swin-Transformer +## Model description +The Swin Transformer is a type of Vision Transformer. It builds hierarchical feature maps by merging image patches (shown in gray) in deeper layers and has linear computation complexity to input image size due to computation of self-attention only within each local window (shown in red). It can thus serve as a general-purpose backbone for both image classification and dense recognition tasks. + +## Step 1: Installing + +```bash +git clone --recursive https://github.com/PaddlePaddle/PaddleClas.git +cd PaddleClas +pip3 install -r requirements.txt +``` + +## Step 2: Download data + +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 +----------------------- +# train_list.txt has the following format +train/n01440764/n01440764_10026.JPEG 0 +... + +# val_list.txt has the following format +val/ILSVRC2012_val_00000001.JPEG 65 +----------------------- +``` + +## Step 3: Run Swin-Transformer + +```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,4,5,6,7 +python3 -u -m paddle.distributed.launch --gpus=0,1,2,3,4,5,6,7 tools/train.py -c ppcls/configs/ImageNet/SwinTransformer/SwinTransformer_tiny_patch4_window7_224.yaml -o Arch.pretrained=False -o Global.device=gpu +``` + +| GPU | FP32 | +| ----------- | ------------------------------------ | +| 8 cards | Acc@1=0.8069 | diff --git a/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md b/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md new file mode 100644 index 000000000..c075b1378 --- /dev/null +++ b/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md @@ -0,0 +1,67 @@ +# BiSeNetV2 + +## Model description + +A novel Bilateral Segmentation Network (BiSeNet). +First design a Spatial Path with a small stride to preserve the spatial information and generate high-resolution features. +Meanwhile, a Context Path with a fast downsampling strategy is employed to obtain sufficient receptive field. +On top of the two paths, we introduce a new Feature Fusion Module to combine features efficiently. + +## Step 1: Installing + +```bash +git clone -b release/2.7 https://github.com/PaddlePaddle/PaddleSeg.git +cd PaddleSeg +pip3 install -r requirements.txt +``` + +## Step 2: Download data + +Download the [CityScapes Dataset](https://www.cityscapes-dataset.com/) + +```bash +# Datasets preprocessing +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 +``` + +## Step 3: Run BiSeNetV2 + +```bash +# Make sure your dataset path is the same as above +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 +# One GPU +export CUDA_VISIBLE_DEVICES=0 +python3 tools/train.py --config configs/bisenet/bisenet_cityscapes_1024x1024_160k.yml --do_eval --use_vdl --save_interval 500 --save_dir output + +# Four GPUs +export CUDA_VISIBLE_DEVICES=0,1,2,3 +python3 -u -m paddle.distributed.launch --gpus 0,1,2,3 train.py \ + --config configs/bisenet/bisenet_cityscapes_1024x1024_160k.yml \ + --do_eval \ + --use_vdl +``` + +| GPU | FP32 | +| ----------- | ------------------------------------ | +| 8 cards | mIoU=73.19% | \ No newline at end of file diff --git a/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md b/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md new file mode 100644 index 000000000..34b0c4054 --- /dev/null +++ b/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md @@ -0,0 +1,65 @@ +# DeepLabV3+ + +## Model description + +DeepLabv3 is a semantic segmentation architecture that improves upon DeepLabv2 with several modifications. +To handle the problem of segmenting objects at multiple scales, modules are designed which employ atrous convolution in cascade or in parallel to capture multi-scale context by adopting multiple atrous rates. + +## Step 1: Installing + +```bash +git clone -b release/2.7 https://github.com/PaddlePaddle/PaddleSeg.git +cd PaddleSeg +pip3 install -r requirements.txt +``` + +## Step 2: Download data + +Download the [CityScapes Dataset](https://www.cityscapes-dataset.com/) + +```bash +# Datasets preprocessing +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 +``` + +## Step 3: Run DeepLabV3+ + +```bash +# Make sure your dataset path is the same as above +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 +# One GPU +export CUDA_VISIBLE_DEVICES=0 +python3 tools/train.py --config configs/deeplabv3p/deeplabv3p_resnet50_os8_cityscapes_1024x512_80k.yml --do_eval --use_vdl --save_interval 500 --save_dir output + +# Four GPUs +export CUDA_VISIBLE_DEVICES=0,1,2,3 +python3 -u -m paddle.distributed.launch --gpus 0,1,2,3 train.py \ + --config configs/deeplabv3p/deeplabv3p_resnet50_os8_cityscapes_1024x512_80k.yml \ + --do_eval \ + --use_vdl +``` + +| GPU | FP32 | +| ----------- | ------------------------------------ | +| 8 cards | mIoU =80.36% | \ No newline at end of file -- Gitee From 4d65479f803723d9b9072e578c704588257f4a6d Mon Sep 17 00:00:00 2001 From: "xiaomei.wang" Date: Mon, 13 Feb 2023 17:09:25 +0800 Subject: [PATCH 02/15] Add models based on PaddlePaddle --- cv/classification/resnest50/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/classification/resnest50/paddlepaddle/README.md b/cv/classification/resnest50/paddlepaddle/README.md index d1739f884..ea5c129ea 100644 --- a/cv/classification/resnest50/paddlepaddle/README.md +++ b/cv/classification/resnest50/paddlepaddle/README.md @@ -42,7 +42,7 @@ 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,4,5,6,7 tools/train.py -c ppcls/configs/ImageNet/ResNeSt/ResNeSt50.yaml -o Arch.pretrained=False -o Global.device=gpu +python3 -u -m paddle.distributed.launch --gpus=0,1,2,3 tools/train.py -c ppcls/configs/ImageNet/ResNeSt/ResNeSt50.yaml -o Arch.pretrained=False -o Global.device=gpu ``` | GPU | FP32 | -- Gitee From 87aba35c955823fd88de598ddb5cfd1812121af4 Mon Sep 17 00:00:00 2001 From: songjian <11941014+songjian1169@user.noreply.gitee.com> Date: Tue, 14 Feb 2023 02:14:13 +0000 Subject: [PATCH 03/15] =?UTF-8?q?update=20cv/semantic=5Fsegmentation/bisen?= =?UTF-8?q?etv2/paddlepaddle/README.md.=20=E6=89=A7=E8=A1=8C=E5=8D=95?= =?UTF-8?q?=E5=8D=A1=E8=84=9A=E6=9C=AC,=E5=BD=93=E5=89=8D=E8=B7=AF?= =?UTF-8?q?=E5=BE=84=E6=97=A0=E5=AF=B9=E5=BA=94paddleseg=E6=A8=A1=E5=9D=97?= =?UTF-8?q?,=E5=BA=94=E4=BF=AE=E6=94=B9=E4=B8=BApython3=20train.py?= =?UTF-8?q?=E5=8F=AF=E5=AF=B9=E6=A8=A1=E5=9E=8B=E8=BF=9B=E8=A1=8C=E8=AE=AD?= =?UTF-8?q?=E7=BB=83?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit Signed-off-by: songjian <11941014+songjian1169@user.noreply.gitee.com> --- cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md b/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md index c075b1378..f9d7b403f 100644 --- a/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md +++ b/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md @@ -52,7 +52,7 @@ export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True # One GPU export CUDA_VISIBLE_DEVICES=0 -python3 tools/train.py --config configs/bisenet/bisenet_cityscapes_1024x1024_160k.yml --do_eval --use_vdl --save_interval 500 --save_dir output +python3 train.py --config configs/bisenet/bisenet_cityscapes_1024x1024_160k.yml --do_eval --use_vdl --save_interval 500 --save_dir output # Four GPUs export CUDA_VISIBLE_DEVICES=0,1,2,3 -- Gitee From 5eea4fb01459370b11a757c0eac21515299a5cdd Mon Sep 17 00:00:00 2001 From: may Date: Tue, 14 Feb 2023 04:24:15 +0000 Subject: [PATCH 04/15] update cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md. Signed-off-by: may --- cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md b/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md index 34b0c4054..ed6182777 100644 --- a/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md +++ b/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md @@ -50,7 +50,7 @@ export FLAGS_cudnn_exhaustive_search=True export FLAGS_cudnn_batchnorm_spatial_persistent=True # One GPU export CUDA_VISIBLE_DEVICES=0 -python3 tools/train.py --config configs/deeplabv3p/deeplabv3p_resnet50_os8_cityscapes_1024x512_80k.yml --do_eval --use_vdl --save_interval 500 --save_dir output +python3 train.py --config configs/deeplabv3p/deeplabv3p_resnet50_os8_cityscapes_1024x512_80k.yml --do_eval --use_vdl --save_interval 500 --save_dir output # Four GPUs export CUDA_VISIBLE_DEVICES=0,1,2,3 -- Gitee From 6f7ca9c2ea410e04dfe4e8368fb1f2b81e5d5b3a Mon Sep 17 00:00:00 2001 From: may Date: Fri, 24 Feb 2023 02:52:31 +0000 Subject: [PATCH 05/15] update cv/classification/resnest50/paddlepaddle/README.md. Signed-off-by: may --- .../resnest50/paddlepaddle/README.md | 18 ++++++++++++++++++ 1 file changed, 18 insertions(+) diff --git a/cv/classification/resnest50/paddlepaddle/README.md b/cv/classification/resnest50/paddlepaddle/README.md index ea5c129ea..5a725564b 100644 --- a/cv/classification/resnest50/paddlepaddle/README.md +++ b/cv/classification/resnest50/paddlepaddle/README.md @@ -36,6 +36,24 @@ val/ILSVRC2012_val_00000001.JPEG 65 ```bash # Make sure your dataset path is the same as above +# OR +# Modify the image_root of Train mode and Eval mode in the file: PaddleClas/ppcls/configs/ImageNet/ResNeSt/ResNeSt50.yaml +```bash +DataLoader: + Train: + dataset: + name: ImageNetDataset + image_root: ./dataset/ILSVRC2012/ + cls_label_path: ./dataset/ILSVRC2012/train_list.txt +... +... + Eval: + dataset: + name: ImageNetDataset + image_root: ./dataset/ILSVRC2012/ + cls_label_path: ./dataset/ILSVRC2012/val_list.txt +``` + cd PaddleClas # Link your dataset to default location ln -s /home/datasets/imagenet_jpeg/ ./dataset/ILSVRC2012 -- Gitee From f600ddbe752719c071545264897594ba86d4efe3 Mon Sep 17 00:00:00 2001 From: may Date: Fri, 24 Feb 2023 02:53:43 +0000 Subject: [PATCH 06/15] update cv/classification/repvgg/paddlepaddle/README.md. Signed-off-by: may --- .../repvgg/paddlepaddle/README.md | 18 ++++++++++++++++++ 1 file changed, 18 insertions(+) diff --git a/cv/classification/repvgg/paddlepaddle/README.md b/cv/classification/repvgg/paddlepaddle/README.md index c478aef35..e29befbc3 100644 --- a/cv/classification/repvgg/paddlepaddle/README.md +++ b/cv/classification/repvgg/paddlepaddle/README.md @@ -36,6 +36,24 @@ val/ILSVRC2012_val_00000001.JPEG 65 ```bash # Make sure your dataset path is the same as above +#OR +# Modify the image_root of Train mode and Eval mode in the file: PaddleClas/ppcls/configs/ImageNet/RepVGG/RepVGG_A0.yaml +```bash +DataLoader: + Train: + dataset: + name: ImageNetDataset + image_root: ./dataset/ILSVRC2012/ + cls_label_path: ./dataset/ILSVRC2012/train_list.txt +... +... + Eval: + dataset: + name: ImageNetDataset + image_root: ./dataset/ILSVRC2012/ + cls_label_path: ./dataset/ILSVRC2012/val_list.txt +``` + cd PaddleClas # Link your dataset to default location ln -s /home/datasets/imagenet_jpeg/ ./dataset/ILSVRC2012 -- Gitee From 9522b685add39b59f70ccfe5854b08a9c3030ed1 Mon Sep 17 00:00:00 2001 From: may Date: Fri, 24 Feb 2023 02:54:32 +0000 Subject: [PATCH 07/15] update cv/classification/repvgg/paddlepaddle/README.md. Signed-off-by: may --- cv/classification/repvgg/paddlepaddle/README.md | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/cv/classification/repvgg/paddlepaddle/README.md b/cv/classification/repvgg/paddlepaddle/README.md index e29befbc3..b8aedddb8 100644 --- a/cv/classification/repvgg/paddlepaddle/README.md +++ b/cv/classification/repvgg/paddlepaddle/README.md @@ -38,7 +38,7 @@ val/ILSVRC2012_val_00000001.JPEG 65 # Make sure your dataset path is the same as above #OR # Modify the image_root of Train mode and Eval mode in the file: PaddleClas/ppcls/configs/ImageNet/RepVGG/RepVGG_A0.yaml -```bash + DataLoader: Train: dataset: @@ -52,7 +52,6 @@ DataLoader: name: ImageNetDataset image_root: ./dataset/ILSVRC2012/ cls_label_path: ./dataset/ILSVRC2012/val_list.txt -``` cd PaddleClas # Link your dataset to default location -- Gitee From e9ec6374433f661cd507233a8f06cecca739059a Mon Sep 17 00:00:00 2001 From: may Date: Fri, 24 Feb 2023 02:55:45 +0000 Subject: [PATCH 08/15] update cv/classification/resnest50/paddlepaddle/README.md. Signed-off-by: may --- cv/classification/resnest50/paddlepaddle/README.md | 5 ++--- 1 file changed, 2 insertions(+), 3 deletions(-) diff --git a/cv/classification/resnest50/paddlepaddle/README.md b/cv/classification/resnest50/paddlepaddle/README.md index 5a725564b..617d3490a 100644 --- a/cv/classification/resnest50/paddlepaddle/README.md +++ b/cv/classification/resnest50/paddlepaddle/README.md @@ -38,7 +38,7 @@ val/ILSVRC2012_val_00000001.JPEG 65 # Make sure your dataset path is the same as above # OR # Modify the image_root of Train mode and Eval mode in the file: PaddleClas/ppcls/configs/ImageNet/ResNeSt/ResNeSt50.yaml -```bash + DataLoader: Train: dataset: @@ -51,8 +51,7 @@ DataLoader: dataset: name: ImageNetDataset image_root: ./dataset/ILSVRC2012/ - cls_label_path: ./dataset/ILSVRC2012/val_list.txt -``` + cls_label_path: ./dataset/ILSVRC2012/val_list.txt cd PaddleClas # Link your dataset to default location -- Gitee From 8e1c5a5b92be53c1b8808a3d74f0003f64040f74 Mon Sep 17 00:00:00 2001 From: may Date: Fri, 24 Feb 2023 02:57:06 +0000 Subject: [PATCH 09/15] update cv/classification/swin_transformer/paddlepaddle/README.md. Signed-off-by: may --- .../swin_transformer/paddlepaddle/README.md | 17 +++++++++++++++++ 1 file changed, 17 insertions(+) diff --git a/cv/classification/swin_transformer/paddlepaddle/README.md b/cv/classification/swin_transformer/paddlepaddle/README.md index 47912ff95..95de5b64b 100644 --- a/cv/classification/swin_transformer/paddlepaddle/README.md +++ b/cv/classification/swin_transformer/paddlepaddle/README.md @@ -36,6 +36,23 @@ val/ILSVRC2012_val_00000001.JPEG 65 ```bash # Make sure your dataset path is the same as above +# OR +# Modify the image_root of Train mode and Eval mode in the file: PaddleClas/ppcls/configs/ImageNet/SwinTransformer/SwinTransformer_tiny_patch4_window7_224.yaml + +DataLoader: + Train: + dataset: + name: ImageNetDataset + image_root: ./dataset/ILSVRC2012/ + cls_label_path: ./dataset/ILSVRC2012/train_list.txt +... +... + Eval: + dataset: + name: ImageNetDataset + image_root: ./dataset/ILSVRC2012/ + cls_label_path: ./dataset/ILSVRC2012/val_list.txt + cd PaddleClas # Link your dataset to default location ln -s /home/datasets/imagenet_jpeg/ ./dataset/ILSVRC2012 -- Gitee From ee7882d08b90c0e038ac0ccb56778b3f3c2c1142 Mon Sep 17 00:00:00 2001 From: may Date: Mon, 27 Feb 2023 02:23:27 +0000 Subject: [PATCH 10/15] update cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md. Signed-off-by: may --- cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md b/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md index f9d7b403f..60cf6a180 100644 --- a/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md +++ b/cv/semantic_segmentation/bisenetv2/paddlepaddle/README.md @@ -64,4 +64,4 @@ python3 -u -m paddle.distributed.launch --gpus 0,1,2,3 train.py \ | GPU | FP32 | | ----------- | ------------------------------------ | -| 8 cards | mIoU=73.19% | \ No newline at end of file +| 8 cards | mIoU=73.45% | \ No newline at end of file -- Gitee From 75e6bb7d21a869acafaea0468b7f53584e918836 Mon Sep 17 00:00:00 2001 From: may Date: Mon, 27 Feb 2023 02:24:37 +0000 Subject: [PATCH 11/15] update cv/classification/repvgg/paddlepaddle/README.md. Signed-off-by: may --- cv/classification/repvgg/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/classification/repvgg/paddlepaddle/README.md b/cv/classification/repvgg/paddlepaddle/README.md index b8aedddb8..67fe48605 100644 --- a/cv/classification/repvgg/paddlepaddle/README.md +++ b/cv/classification/repvgg/paddlepaddle/README.md @@ -64,4 +64,4 @@ python3 -u -m paddle.distributed.launch --gpus=0,1,2,3,4,5,6,7 tools/train.py -c | GPU | FP32 | | ----------- | ------------------------------------ | -| 8 cards | Acc@1=0.7131 | +| 8 cards | Acc@1=0.6990 | -- Gitee From 3d5486cab7cce4e953912a87c96b008321ac11da Mon Sep 17 00:00:00 2001 From: may Date: Fri, 3 Mar 2023 03:05:50 +0000 Subject: [PATCH 12/15] update cv/classification/resnest50/paddlepaddle/README.md. Signed-off-by: may --- cv/classification/resnest50/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/classification/resnest50/paddlepaddle/README.md b/cv/classification/resnest50/paddlepaddle/README.md index 617d3490a..431924223 100644 --- a/cv/classification/resnest50/paddlepaddle/README.md +++ b/cv/classification/resnest50/paddlepaddle/README.md @@ -64,4 +64,4 @@ python3 -u -m paddle.distributed.launch --gpus=0,1,2,3 tools/train.py -c ppcls/c | GPU | FP32 | | ----------- | ------------------------------------ | -| 8 cards | Acc@1=0.8083 | +| 8 cards | Acc@1=0.7677 | -- Gitee From fe8a45ef000d0b94267773c0bc3e7803918b77bf Mon Sep 17 00:00:00 2001 From: may Date: Fri, 3 Mar 2023 03:16:02 +0000 Subject: [PATCH 13/15] update cv/classification/swin_transformer/paddlepaddle/README.md. Signed-off-by: may --- cv/classification/swin_transformer/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/classification/swin_transformer/paddlepaddle/README.md b/cv/classification/swin_transformer/paddlepaddle/README.md index 95de5b64b..4aa9eb05e 100644 --- a/cv/classification/swin_transformer/paddlepaddle/README.md +++ b/cv/classification/swin_transformer/paddlepaddle/README.md @@ -64,4 +64,4 @@ python3 -u -m paddle.distributed.launch --gpus=0,1,2,3,4,5,6,7 tools/train.py -c | GPU | FP32 | | ----------- | ------------------------------------ | -| 8 cards | Acc@1=0.8069 | +| 8 cards | Acc@1=0.8042 | -- Gitee From 9898fb31baa1193be830ee9f78c49d68b42ad01a Mon Sep 17 00:00:00 2001 From: may Date: Fri, 3 Mar 2023 03:16:56 +0000 Subject: [PATCH 14/15] update cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md. Signed-off-by: may --- cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md b/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md index ed6182777..a00aa6c52 100644 --- a/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md +++ b/cv/semantic_segmentation/deeplabv3plus/paddlepaddle/README.md @@ -62,4 +62,4 @@ python3 -u -m paddle.distributed.launch --gpus 0,1,2,3 train.py \ | GPU | FP32 | | ----------- | ------------------------------------ | -| 8 cards | mIoU =80.36% | \ No newline at end of file +| 8 cards | mIoU =80.42% | \ No newline at end of file -- Gitee From 08f4a719d1531e72286fa7d49094815d3889be4f Mon Sep 17 00:00:00 2001 From: may Date: Fri, 3 Mar 2023 03:17:31 +0000 Subject: [PATCH 15/15] update cv/classification/swin_transformer/paddlepaddle/README.md. Signed-off-by: may --- cv/classification/swin_transformer/paddlepaddle/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cv/classification/swin_transformer/paddlepaddle/README.md b/cv/classification/swin_transformer/paddlepaddle/README.md index 4aa9eb05e..def17535b 100644 --- a/cv/classification/swin_transformer/paddlepaddle/README.md +++ b/cv/classification/swin_transformer/paddlepaddle/README.md @@ -64,4 +64,4 @@ python3 -u -m paddle.distributed.launch --gpus=0,1,2,3,4,5,6,7 tools/train.py -c | GPU | FP32 | | ----------- | ------------------------------------ | -| 8 cards | Acc@1=0.8042 | +| 8 cards | Acc@1=0.8024 | -- Gitee