diff --git a/cv/classification/googlenet/paddlepaddle/README.md b/cv/classification/googlenet/paddlepaddle/README.md index 48e3256be4477d6cfd148b42a9c63de5db5e287f..b0fcaab143b6ede86ce058449e1297c00aaff2c0 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 -# ... +train/n01440764/n01440764_10026.JPEG 0 +... # val_list.txt has the following format -# ILSVRC2012_val_00000001.JPEG 65 -# ----------------------- +val/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 edcc5578f4781499a5f02aca5d538d91711c713b..92dcd869c7c00b1925b3dd5f7e93195ebcc0678b 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 03ad5010f374ee98d5f159a6b5c4bf8352385da2..08c89e8c5a4dc6c3598ab05724b50ba4fd086756 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 -# ... +train/n01440764/n01440764_10026.JPEG 0 +... # val_list.txt has the following format -# ILSVRC2012_val_00000001.JPEG 65 -# ----------------------- +val/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 1351bd71fd79d3f22bcd8ed8d17153065b9ff52f..b80fcf54de790519b05e7ab6643e62cb72ceba3b 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 cbf05e28e8cf8fee7f907b204c862e6859751b9a..46ef1bc25b95c9349cc9b0e524b2558397bda1dd 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 ``` @@ -35,10 +35,10 @@ Download the [COCO Dataset](https://cocodataset.org/#home) ```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 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 223218bb992d723421f9e3e11fd45fc6cb2dc04f..43f568a35411bfcff6daf629af483e1f2d65f979 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 0e13ef5d4c0cfee8ae8603c3b7ee0b88313de4df..f897bf3277ddb5f0f3d0b0936ef3a80aa7acaf82 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 7b4092dfb423df15c129d4138a24aa100beaf184..f9297786233b607eb2ff2ebbd24508afb440fb17 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 +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 -``` \ 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 76f4ade504216dddbfd6254c242b3b10fc0dfb2b..c8043bbd8264bda5c7a8929dab65e9f2e3f93aff 100644 --- a/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md +++ b/cv/semantic_segmentation/deeplabv3/paddlepaddle/README.md @@ -24,27 +24,27 @@ 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 ```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 @@ -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 4e65cf67f0f06e442a610f40221d61b5f380d307..a038e832cf750bb52217096758cab16a49fc4185 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 4c438f4357b3b3bc50a6d15bfac034a793f26593..8457abc1e24e3ed45e1c0c0f0ca41c97cc682009 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)