aboutsummaryrefslogtreecommitdiffstats
diff options
context:
space:
mode:
authorManu Mathew2020-05-12 11:13:55 -0500
committerManu Mathew2020-05-12 22:00:29 -0500
commitf9185f794dd3f4dd33f2bfb8cfaf324159c6f3e1 (patch)
treed333e252473c91b26113079e06d30916094bd34a
parent70e5b4b4082d8e687b77f5bab16ed61f7f782384 (diff)
downloadpytorch-jacinto-ai-devkit-f9185f794dd3f4dd33f2bfb8cfaf324159c6f3e1.tar.gz
pytorch-jacinto-ai-devkit-f9185f794dd3f4dd33f2bfb8cfaf324159c6f3e1.tar.xz
pytorch-jacinto-ai-devkit-f9185f794dd3f4dd33f2bfb8cfaf324159c6f3e1.zip
pretrained model names update
-rwxr-xr-xrun_quantization.sh6
-rwxr-xr-xrun_quantization_example.sh2
2 files changed, 4 insertions, 4 deletions
diff --git a/run_quantization.sh b/run_quantization.sh
index f9882af..9687697 100755
--- a/run_quantization.sh
+++ b/run_quantization.sh
@@ -12,19 +12,19 @@
12# 12#
13#### Image Classification - Quantization Aware Training - MobileNetV2(Shicai) - a TOUGH MobileNetV2 pretrained model 13#### Image Classification - Quantization Aware Training - MobileNetV2(Shicai) - a TOUGH MobileNetV2 pretrained model
14#python ./scripts/train_classification_main.py --dataset_name image_folder_classification --model_name mobilenetv2_shicai_x1 --data_path ./data/datasets/image_folder_classification \ 14#python ./scripts/train_classification_main.py --dataset_name image_folder_classification --model_name mobilenetv2_shicai_x1 --data_path ./data/datasets/image_folder_classification \
15#--pretrained ./data/modelzoo/experimental/pytorch/others/shicai/MobileNet-Caffe/mobilenetv2_shicai_rgb.tar \ 15#--pretrained ./data/modelzoo/experimental/pytorch/others/shicai/MobileNet-Caffe/mobilenetv2_shicai_rgb.pth \
16#--batch_size 64 --quantize True --epochs 25 --epoch_size 1000 --lr 1e-5 --evaluate_start False 16#--batch_size 64 --quantize True --epochs 25 --epoch_size 1000 --lr 1e-5 --evaluate_start False
17# 17#
18# 18#
19#### Semantic Segmentation - Quantization Aware Training for MobileNetV2+DeeplabV3Lite 19#### Semantic Segmentation - Quantization Aware Training for MobileNetV2+DeeplabV3Lite
20#python ./scripts/train_segmentation_main.py --dataset_name cityscapes_segmentation --model_name deeplabv3lite_mobilenetv2_tv --data_path ./data/datasets/cityscapes/data --img_resize 384 768 --output_size 1024 2048 --gpus 0 1 \ 20#python ./scripts/train_segmentation_main.py --dataset_name cityscapes_segmentation --model_name deeplabv3lite_mobilenetv2_tv --data_path ./data/datasets/cityscapes/data --img_resize 384 768 --output_size 1024 2048 --gpus 0 1 \
21#--pretrained ./data/modelzoo/pytorch/semantic_seg/cityscapes/jacinto_ai/deeplabv3lite_mobilenetv2_tv_768x384_best.pth.tar \ 21#--pretrained ./data/modelzoo/pytorch/semantic_seg/cityscapes/jacinto_ai/deeplabv3lite_mobilenetv2_tv_768x384_best.pth \
22#--batch_size 6 --quantize True --epochs 150 --lr 1e-5 --evaluate_start False 22#--batch_size 6 --quantize True --epochs 150 --lr 1e-5 --evaluate_start False
23# 23#
24# 24#
25#### Semantic Segmentation - Quantization Aware Training for MobileNetV2+UNetLite 25#### Semantic Segmentation - Quantization Aware Training for MobileNetV2+UNetLite
26#python ./scripts/train_segmentation_main.py --dataset_name cityscapes_segmentation --model_name unetlite_pixel2pixel_aspp_mobilenetv2_tv --data_path ./data/datasets/cityscapes/data --img_resize 384 768 --output_size 1024 2048 --gpus 0 1 \ 26#python ./scripts/train_segmentation_main.py --dataset_name cityscapes_segmentation --model_name unetlite_pixel2pixel_aspp_mobilenetv2_tv --data_path ./data/datasets/cityscapes/data --img_resize 384 768 --output_size 1024 2048 --gpus 0 1 \
27#--pretrained ./data/modelzoo/pytorch/semantic_seg/cityscapes/jacinto_ai/unet_aspp_mobilenetv2_tv_768x384_best.pth.tar \ 27#--pretrained ./data/modelzoo/pytorch/semantic_seg/cityscapes/jacinto_ai/unet_aspp_mobilenetv2_tv_768x384_best.pth \
28#--batch_size 6 --quantize True --epochs 150 --lr 1e-5 --evaluate_start False 28#--batch_size 6 --quantize True --epochs 150 --lr 1e-5 --evaluate_start False
29 29
30## ===================================================================================== 30## =====================================================================================
diff --git a/run_quantization_example.sh b/run_quantization_example.sh
index 213e8b5..4cfe685 100755
--- a/run_quantization_example.sh
+++ b/run_quantization_example.sh
@@ -23,7 +23,7 @@ declare -A model_pretrained=(
23 [mobilenet_v2]=https://download.pytorch.org/models/mobilenet_v2-b0353104.pth 23 [mobilenet_v2]=https://download.pytorch.org/models/mobilenet_v2-b0353104.pth
24 [resnet50]=https://download.pytorch.org/models/resnet50-19c8e357.pth 24 [resnet50]=https://download.pytorch.org/models/resnet50-19c8e357.pth
25 [shufflenet_v2_x1_0]=https://download.pytorch.org/models/shufflenetv2_x1-5666bf0f80.pth 25 [shufflenet_v2_x1_0]=https://download.pytorch.org/models/shufflenetv2_x1-5666bf0f80.pth
26# [mobilenetv2_shicai]='./data/modelzoo/experimental/pytorch/others/shicai/MobileNet-Caffe/mobilenetv2_shicai_rgb.tar' 26# [mobilenetv2_shicai]='./data/modelzoo/pytorch/image_classification/imagenet1k/shicai/mobilenetv2_shicai_rgb.pth'
27) 27)
28 28
29# ---------------------------------- 29# ----------------------------------