提交 b306084f 编写于 作者: H HexToString

Merge branch 'develop' of https://github.com/PaddlePaddle/Serving into merge_branch

...@@ -37,9 +37,24 @@ using paddle_infer::Tensor; ...@@ -37,9 +37,24 @@ using paddle_infer::Tensor;
using paddle_infer::CreatePredictor; using paddle_infer::CreatePredictor;
DECLARE_int32(gpuid); DECLARE_int32(gpuid);
DECLARE_string(precision);
DECLARE_bool(use_calib);
static const int max_batch = 32; static const int max_batch = 32;
static const int min_subgraph_size = 3; static const int min_subgraph_size = 3;
static PrecisionType precision_type;
PrecisionType GetPrecision(const std::string& precision_data) {
std::string precision_type = predictor::ToLower(precision_data);
if (precision_type == "fp32") {
return PrecisionType::kFloat32;
} else if (precision_type == "int8") {
return PrecisionType::kInt8;
} else if (precision_type == "fp16") {
return PrecisionType::kHalf;
}
return PrecisionType::kFloat32;
}
// Engine Base // Engine Base
class EngineCore { class EngineCore {
...@@ -137,6 +152,7 @@ class PaddleInferenceEngine : public EngineCore { ...@@ -137,6 +152,7 @@ class PaddleInferenceEngine : public EngineCore {
// 2000MB GPU memory // 2000MB GPU memory
config.EnableUseGpu(2000, FLAGS_gpuid); config.EnableUseGpu(2000, FLAGS_gpuid);
} }
precision_type = GetPrecision(FLAGS_precision);
if (engine_conf.has_use_trt() && engine_conf.use_trt()) { if (engine_conf.has_use_trt() && engine_conf.use_trt()) {
if (!engine_conf.has_use_gpu() || !engine_conf.use_gpu()) { if (!engine_conf.has_use_gpu() || !engine_conf.use_gpu()) {
...@@ -145,14 +161,24 @@ class PaddleInferenceEngine : public EngineCore { ...@@ -145,14 +161,24 @@ class PaddleInferenceEngine : public EngineCore {
config.EnableTensorRtEngine(1 << 20, config.EnableTensorRtEngine(1 << 20,
max_batch, max_batch,
min_subgraph_size, min_subgraph_size,
Config::Precision::kFloat32, precision_type,
false, false,
false); FLAGS_use_calib);
LOG(INFO) << "create TensorRT predictor"; LOG(INFO) << "create TensorRT predictor";
} }
if (engine_conf.has_use_lite() && engine_conf.use_lite()) { if (engine_conf.has_use_lite() && engine_conf.use_lite()) {
config.EnableLiteEngine(PrecisionType::kFloat32, true); config.EnableLiteEngine(precision_type, true);
}
if ((!engine_conf.has_use_lite() && !engine_conf.has_use_gpu()) ||
(engine_conf.has_use_lite() && !engine_conf.use_lite() &&
engine_conf.has_use_gpu() && !engine_conf.use_gpu())) {
if (precision_type == PrecisionType::kInt8) {
config.EnableMkldnnQuantizer();
} else if (precision_type == PrecisionType::kHalf) {
config.EnableMkldnnBfloat16();
}
} }
if (engine_conf.has_use_xpu() && engine_conf.use_xpu()) { if (engine_conf.has_use_xpu() && engine_conf.use_xpu()) {
...@@ -171,7 +197,6 @@ class PaddleInferenceEngine : public EngineCore { ...@@ -171,7 +197,6 @@ class PaddleInferenceEngine : public EngineCore {
config.EnableMemoryOptim(); config.EnableMemoryOptim();
} }
predictor::AutoLock lock(predictor::GlobalCreateMutex::instance()); predictor::AutoLock lock(predictor::GlobalCreateMutex::instance());
_predictor = CreatePredictor(config); _predictor = CreatePredictor(config);
if (NULL == _predictor.get()) { if (NULL == _predictor.get()) {
......
...@@ -20,6 +20,8 @@ namespace paddle_serving { ...@@ -20,6 +20,8 @@ namespace paddle_serving {
namespace inference { namespace inference {
DEFINE_int32(gpuid, 0, "GPU device id to use"); DEFINE_int32(gpuid, 0, "GPU device id to use");
DEFINE_string(precision, "fp32", "precision to deploy, default is fp32");
DEFINE_bool(use_calib, false, "calibration mode, default is false");
REGIST_FACTORY_OBJECT_IMPL_WITH_NAME( REGIST_FACTORY_OBJECT_IMPL_WITH_NAME(
::baidu::paddle_serving::predictor::FluidInferEngine<PaddleInferenceEngine>, ::baidu::paddle_serving::predictor::FluidInferEngine<PaddleInferenceEngine>,
......
...@@ -51,6 +51,16 @@ def serve_args(): ...@@ -51,6 +51,16 @@ def serve_args():
"--name", type=str, default="None", help="Default service name") "--name", type=str, default="None", help="Default service name")
parser.add_argument( parser.add_argument(
"--use_mkl", default=False, action="store_true", help="Use MKL") "--use_mkl", default=False, action="store_true", help="Use MKL")
parser.add_argument(
"--precision",
type=str,
default="fp32",
help="precision mode(fp32, int8, fp16, bf16)")
parser.add_argument(
"--use_calib",
default=False,
action="store_true",
help="Use TensorRT Calibration")
parser.add_argument( parser.add_argument(
"--mem_optim_off", "--mem_optim_off",
default=False, default=False,
...@@ -147,6 +157,8 @@ def start_standard_model(serving_port): # pylint: disable=doc-string-missing ...@@ -147,6 +157,8 @@ def start_standard_model(serving_port): # pylint: disable=doc-string-missing
server.use_mkl(use_mkl) server.use_mkl(use_mkl)
server.set_max_body_size(max_body_size) server.set_max_body_size(max_body_size)
server.set_port(port) server.set_port(port)
server.set_precision(args.precision)
server.set_use_calib(args.use_calib)
server.use_encryption_model(use_encryption_model) server.use_encryption_model(use_encryption_model)
if args.product_name != None: if args.product_name != None:
server.set_product_name(args.product_name) server.set_product_name(args.product_name)
...@@ -209,6 +221,8 @@ def start_gpu_card_model(index, gpuid, port, args): # pylint: disable=doc-strin ...@@ -209,6 +221,8 @@ def start_gpu_card_model(index, gpuid, port, args): # pylint: disable=doc-strin
server.set_op_sequence(op_seq_maker.get_op_sequence()) server.set_op_sequence(op_seq_maker.get_op_sequence())
server.set_num_threads(thread_num) server.set_num_threads(thread_num)
server.use_mkl(use_mkl) server.use_mkl(use_mkl)
server.set_precision(args.precision)
server.set_use_calib(args.use_calib)
server.set_memory_optimize(mem_optim) server.set_memory_optimize(mem_optim)
server.set_ir_optimize(ir_optim) server.set_ir_optimize(ir_optim)
server.set_max_body_size(max_body_size) server.set_max_body_size(max_body_size)
...@@ -396,7 +410,9 @@ if __name__ == "__main__": ...@@ -396,7 +410,9 @@ if __name__ == "__main__":
use_lite=args.use_lite, use_lite=args.use_lite,
use_xpu=args.use_xpu, use_xpu=args.use_xpu,
ir_optim=args.ir_optim, ir_optim=args.ir_optim,
thread_num=args.thread) thread_num=args.thread,
precision=args.precision,
use_calib=args.use_calib)
web_service.run_rpc_service() web_service.run_rpc_service()
app_instance = Flask(__name__) app_instance = Flask(__name__)
......
...@@ -115,7 +115,9 @@ class WebService(object): ...@@ -115,7 +115,9 @@ class WebService(object):
mem_optim=True, mem_optim=True,
use_lite=False, use_lite=False,
use_xpu=False, use_xpu=False,
ir_optim=False): ir_optim=False,
precision="fp32",
use_calib=False):
device = "gpu" device = "gpu"
if gpuid == -1: if gpuid == -1:
if use_lite: if use_lite:
...@@ -146,6 +148,8 @@ class WebService(object): ...@@ -146,6 +148,8 @@ class WebService(object):
server.set_memory_optimize(mem_optim) server.set_memory_optimize(mem_optim)
server.set_ir_optimize(ir_optim) server.set_ir_optimize(ir_optim)
server.set_device(device) server.set_device(device)
server.set_precision(precision)
server.set_use_calib(use_calib)
if use_lite: if use_lite:
server.set_lite() server.set_lite()
...@@ -166,6 +170,8 @@ class WebService(object): ...@@ -166,6 +170,8 @@ class WebService(object):
workdir="", workdir="",
port=9393, port=9393,
device="gpu", device="gpu",
precision="fp32",
use_calib=False,
use_lite=False, use_lite=False,
use_xpu=False, use_xpu=False,
ir_optim=False, ir_optim=False,
...@@ -197,7 +203,9 @@ class WebService(object): ...@@ -197,7 +203,9 @@ class WebService(object):
mem_optim=mem_optim, mem_optim=mem_optim,
use_lite=use_lite, use_lite=use_lite,
use_xpu=use_xpu, use_xpu=use_xpu,
ir_optim=ir_optim)) ir_optim=ir_optim,
precision=precision,
use_calib=use_calib))
else: else:
for i, gpuid in enumerate(self.gpus): for i, gpuid in enumerate(self.gpus):
self.rpc_service_list.append( self.rpc_service_list.append(
...@@ -209,7 +217,9 @@ class WebService(object): ...@@ -209,7 +217,9 @@ class WebService(object):
mem_optim=mem_optim, mem_optim=mem_optim,
use_lite=use_lite, use_lite=use_lite,
use_xpu=use_xpu, use_xpu=use_xpu,
ir_optim=ir_optim)) ir_optim=ir_optim,
precision=precision,
use_calib=use_calib))
def _launch_web_service(self): def _launch_web_service(self):
gpu_num = len(self.gpus) gpu_num = len(self.gpus)
......
...@@ -8,11 +8,26 @@ echo "# #" ...@@ -8,11 +8,26 @@ echo "# #"
echo "# #" echo "# #"
echo "# #" echo "# #"
echo "################################################################" echo "################################################################"
export GOPATH=$HOME/go export GOPATH=$HOME/go
export PATH=$PATH:$GOROOT/bin:$GOPATH/bin export PATH=$PATH:$GOROOT/bin:$GOPATH/bin
export CUDA_INCLUDE_DIRS=/usr/local/cuda-10.2/include export CUDA_INCLUDE_DIRS=/usr/local/cuda-10.2/include
export PYTHONROOT=/usr/local export PYTHONROOT=/usr/local
export PYTHONIOENCODING=utf-8
build_path=/workspace/Serving/
error_words="Fail|DENIED|UNKNOWN|None"
log_dir=${build_path}logs/
data=/root/.cache/serving_data/
dir=`pwd`
RED_COLOR='\E[1;31m'
GREEN_COLOR='\E[1;32m'
YELOW_COLOR='\E[1;33m'
RES='\E[0m'
cuda_version=`cat /usr/local/cuda/version.txt`
if [ $? -ne 0 ]; then
cuda_version=11
fi
go env -w GO111MODULE=on go env -w GO111MODULE=on
go env -w GOPROXY=https://goproxy.cn,direct go env -w GOPROXY=https://goproxy.cn,direct
...@@ -21,27 +36,27 @@ go get -u github.com/grpc-ecosystem/grpc-gateway/protoc-gen-swagger@v1.15.2 ...@@ -21,27 +36,27 @@ go get -u github.com/grpc-ecosystem/grpc-gateway/protoc-gen-swagger@v1.15.2
go get -u github.com/golang/protobuf/protoc-gen-go@v1.4.3 go get -u github.com/golang/protobuf/protoc-gen-go@v1.4.3
go get -u google.golang.org/grpc@v1.33.0 go get -u google.golang.org/grpc@v1.33.0
build_path=/workspace/Serving/ build_whl_list=(build_cpu_server build_gpu_server build_client build_app)
build_whl_list=(build_gpu_server build_client build_cpu_server build_app) rpc_model_list=(grpc_fit_a_line grpc_yolov4 pipeline_imagenet bert_rpc_gpu bert_rpc_cpu ResNet50_rpc \
rpc_model_list=(grpc_impl pipeline_imagenet bert_rpc_gpu bert_rpc_cpu ResNet50_rpc lac_rpc \ lac_rpc cnn_rpc bow_rpc lstm_rpc fit_a_line_rpc deeplabv3_rpc mobilenet_rpc unet_rpc resnetv2_rpc \
cnn_rpc bow_rpc lstm_rpc fit_a_line_rpc deeplabv3_rpc mobilenet_rpc unet_rpc resnetv2_rpc \ criteo_ctr_rpc_cpu criteo_ctr_rpc_gpu ocr_rpc yolov4_rpc_gpu faster_rcnn_hrnetv2p_w18_1x_encrypt)
criteo_ctr_rpc_cpu criteo_ctr_rpc_gpu ocr_rpc yolov4_rpc_gpu) http_model_list=(fit_a_line_http lac_http cnn_http bow_http lstm_http ResNet50_http bert_http\
http_model_list=(fit_a_line_http lac_http cnn_http bow_http lstm_http ResNet50_http bert_http) pipeline_ocr_cpu_http)
function setproxy(){ function setproxy() {
export http_proxy=${proxy} export http_proxy=${proxy}
export https_proxy=${proxy} export https_proxy=${proxy}
} }
function unsetproxy(){ function unsetproxy() {
unset http_proxy unset http_proxy
unset https_proxy unset https_proxy
} }
function kill_server_process(){ function kill_server_process() {
kill `ps -ef|grep $1 |awk '{print $2}'` kill `ps -ef | grep serving | awk '{print $2}'` > /dev/null 2>&1
kill `ps -ef|grep serving |awk '{print $2}'` kill `ps -ef | grep python | awk '{print $2}'` > /dev/null 2>&1
echo -e "${GREEN_COLOR}process killed...${RES}"
} }
function check() { function check() {
...@@ -64,34 +79,93 @@ function check() { ...@@ -64,34 +79,93 @@ function check() {
} }
function check_result() { function check_result() {
if [ $? -ne 0 ];then if [ $? == 0 ]; then
echo -e "\033[4;31;42m$1 model runs failed, please check your pull request or modify test case! \033[0m" echo -e "${GREEN_COLOR}$1 execute normally${RES}"
exit 1 if [ $1 == "server" ]; then
sleep $2
tail ${dir}server_log.txt | tee -a ${log_dir}server_total.txt
fi
if [ $1 == "client" ]; then
tail ${dir}client_log.txt | tee -a ${log_dir}client_total.txt
grep -E "${error_words}" ${dir}client_log.txt > /dev/null
if [ $? == 0 ]; then
echo -e "${RED_COLOR}$1 error command${RES}\n" | tee -a ${log_dir}server_total.txt ${log_dir}client_total.txt
error_log $2
else else
echo -e "\033[4;37;42m$1 model runs successfully, congratulations! \033[0m" echo -e "${GREEN_COLOR}$2${RES}\n" | tee -a ${log_dir}server_total.txt ${log_dir}client_total.txt
fi
fi
else
echo -e "${RED_COLOR}$1 error command${RES}\n" | tee -a ${log_dir}server_total.txt ${log_dir}client_total.txt
tail ${dir}client_log.txt | tee -a ${log_dir}client_total.txt
error_log $2
fi
}
function error_log() {
arg=${1//\//_}
echo "-----------------------------" | tee -a ${log_dir}error_models.txt
arg=${arg%% *}
arr=(${arg//_/ })
if [ ${arr[@]: -1} == 1 -o ${arr[@]: -1} == 2 ]; then
model=${arr[*]:0:${#arr[*]}-3}
deployment=${arr[*]: -3}
else
model=${arr[*]:0:${#arr[*]}-2}
deployment=${arr[*]: -2}
fi
echo "model: ${model// /_}" | tee -a ${log_dir}error_models.txt
echo "deployment: ${deployment// /_}" | tee -a ${log_dir}error_models.txt
echo "py_version: python3.6" | tee -a ${log_dir}error_models.txt
echo "cuda_version: ${cuda_version}" | tee -a ${log_dir}error_models.txt
echo "status: Failed" | tee -a ${log_dir}error_models.txt
echo -e "-----------------------------\n\n" | tee -a ${log_dir}error_models.txt
prefix=${arg//\//_}
for file in ${dir}*
do
cp ${file} ${log_dir}error/${prefix}_${file##*/}
done
}
function check_dir() {
if [ ! -d "$1" ]
then
mkdir -p $1
fi fi
} }
function before_hook(){ function link_data() {
for file in $1*
do
if [ ! -h ${file##*/} ]
then
ln -s ${file} ./${file##*/}
fi
done
}
function before_hook() {
setproxy setproxy
unsetproxy
cd ${build_path}/python cd ${build_path}/python
pip3.6 install --upgrade pip python3.6 -m pip install --upgrade pip
pip3.6 install requests python3.6 -m pip install requests
pip3.6 install -r requirements.txt python3.6 -m pip install -r requirements.txt -i https://mirror.baidu.com/pypi/simple
pip3.6 install numpy==1.16.4 python3.6 -m pip install numpy==1.16.4
python3.6 -m pip install paddlehub -i https://mirror.baidu.com/pypi/simple
echo "before hook configuration is successful.... " echo "before hook configuration is successful.... "
} }
function run_env(){ function run_env() {
setproxy setproxy
pip3.6 install --upgrade nltk==3.4 python3.6 -m pip install --upgrade nltk==3.4
pip3.6 install --upgrade scipy==1.2.1 python3.6 -m pip install --upgrade scipy==1.2.1
pip3.6 install --upgrade setuptools==41.0.0 python3.6 -m pip install --upgrade setuptools==41.0.0
pip3.6 install paddlehub ujson paddlepaddle==2.0.0 python3.6 -m pip install paddlehub ujson paddlepaddle==2.0.0
echo "run env configuration is successful.... " echo "run env configuration is successful.... "
} }
function run_gpu_env(){ function run_gpu_env() {
cd ${build_path} cd ${build_path}
export LD_LIBRARY_PATH=/usr/local/lib64/python3.6/site-packages/paddle/libs/:$LD_LIBRARY_PATH export LD_LIBRARY_PATH=/usr/local/lib64/python3.6/site-packages/paddle/libs/:$LD_LIBRARY_PATH
export LD_LIBRARY_PATH=/workspace/Serving/build_gpu/third_party/install/Paddle/lib/:/workspace/Serving/build_gpu/third_party/Paddle/src/extern_paddle/third_party/install/mklml/lib/:/workspace/Serving/build_gpu/third_party/Paddle/src/extern_paddle/third_party/install/mkldnn/lib/:$LD_LIBRARY_PATH export LD_LIBRARY_PATH=/workspace/Serving/build_gpu/third_party/install/Paddle/lib/:/workspace/Serving/build_gpu/third_party/Paddle/src/extern_paddle/third_party/install/mklml/lib/:/workspace/Serving/build_gpu/third_party/Paddle/src/extern_paddle/third_party/install/mkldnn/lib/:$LD_LIBRARY_PATH
...@@ -99,14 +173,6 @@ function run_gpu_env(){ ...@@ -99,14 +173,6 @@ function run_gpu_env(){
echo "run gpu env configuration is successful.... " echo "run gpu env configuration is successful.... "
} }
function run_cpu_env(){
cd ${build_path}
export LD_LIBRARY_PATH=/usr/local/lib64/python3.6/site-packages/paddle/libs/:$LD_LIBRARY_PATH
export LD_LIBRARY_PATH=/workspace/Serving/build_cpu/third_party/install/Paddle/lib/:$LD_LIBRARY_PATH
export SERVING_BIN=${build_path}/build_cpu/core/general-server/serving
echo "run cpu env configuration is successful.... "
}
function build_gpu_server() { function build_gpu_server() {
setproxy setproxy
cd ${build_path} cd ${build_path}
...@@ -124,18 +190,21 @@ function build_gpu_server() { ...@@ -124,18 +190,21 @@ function build_gpu_server() {
-DSERVER=ON \ -DSERVER=ON \
-DTENSORRT_ROOT=/usr \ -DTENSORRT_ROOT=/usr \
-DWITH_GPU=ON .. -DWITH_GPU=ON ..
make -j18 make -j32
make -j18 make -j32
make install -j18 make install -j32
pip3.6 uninstall paddle-serving-server-gpu -y python3.6 -m pip uninstall paddle-serving-server-gpu -y
pip3.6 install ${build_path}/build/python/dist/* python3.6 -m pip install ${build_path}/build/python/dist/*
cp ${build_path}/build/python/dist/* ../ cp ${build_path}/build/python/dist/* ../
cp -r ${build_path}/build/ ${build_path}/build_gpu cp -r ${build_path}/build/ ${build_path}/build_gpu
} }
function build_client() { function build_cpu_server(){
setproxy setproxy
cd ${build_path} cd ${build_path}
if [ -d build_cpu ];then
rm -rf build_cpu
fi
if [ -d build ];then if [ -d build ];then
rm -rf build rm -rf build
fi fi
...@@ -143,20 +212,20 @@ function build_client() { ...@@ -143,20 +212,20 @@ function build_client() {
cmake -DPYTHON_INCLUDE_DIR=$PYTHONROOT/include/python3.6m/ \ cmake -DPYTHON_INCLUDE_DIR=$PYTHONROOT/include/python3.6m/ \
-DPYTHON_LIBRARIES=$PYTHONROOT/lib64/libpython3.6.so \ -DPYTHON_LIBRARIES=$PYTHONROOT/lib64/libpython3.6.so \
-DPYTHON_EXECUTABLE=$PYTHONROOT/bin/python3.6 \ -DPYTHON_EXECUTABLE=$PYTHONROOT/bin/python3.6 \
-DCLIENT=ON .. -DWITH_GPU=OFF \
make -j18 -DSERVER=ON ..
make -j18 make -j32
make -j32
make install -j32
cp ${build_path}/build/python/dist/* ../ cp ${build_path}/build/python/dist/* ../
pip3.6 uninstall paddle-serving-client -y python3.6 -m pip uninstall paddle-serving-server -y
pip3.6 install ${build_path}/build/python/dist/* python3.6 -m pip install ${build_path}/build/python/dist/*
cp -r ${build_path}/build/ ${build_path}/build_cpu
} }
function build_cpu_server(){ function build_client() {
setproxy setproxy
cd ${build_path} cd ${build_path}
if [ -d build_cpu ];then
rm -rf build_cpu
fi
if [ -d build ];then if [ -d build ];then
rm -rf build rm -rf build
fi fi
...@@ -164,21 +233,18 @@ function build_cpu_server(){ ...@@ -164,21 +233,18 @@ function build_cpu_server(){
cmake -DPYTHON_INCLUDE_DIR=$PYTHONROOT/include/python3.6m/ \ cmake -DPYTHON_INCLUDE_DIR=$PYTHONROOT/include/python3.6m/ \
-DPYTHON_LIBRARIES=$PYTHONROOT/lib64/libpython3.6.so \ -DPYTHON_LIBRARIES=$PYTHONROOT/lib64/libpython3.6.so \
-DPYTHON_EXECUTABLE=$PYTHONROOT/bin/python3.6 \ -DPYTHON_EXECUTABLE=$PYTHONROOT/bin/python3.6 \
-DWITH_GPU=OFF \ -DCLIENT=ON ..
-DSERVER=ON .. make -j32
make -j18 make -j32
make -j18
make install -j18
cp ${build_path}/build/python/dist/* ../ cp ${build_path}/build/python/dist/* ../
pip3.6 uninstall paddle-serving-server -y python3.6 -m pip uninstall paddle-serving-client -y
pip3.6 install ${build_path}/build/python/dist/* python3.6 -m pip install ${build_path}/build/python/dist/*
cp -r ${build_path}/build/ ${build_path}/build_cpu
} }
function build_app() { function build_app() {
setproxy setproxy
pip3.6 install paddlehub ujson Pillow python3.6 -m pip install paddlehub ujson Pillow
pip3.6 install paddlepaddle==2.0.0 python3.6 -m pip install paddlepaddle==2.0.0
cd ${build_path} cd ${build_path}
if [ -d build ];then if [ -d build ];then
rm -rf build rm -rf build
...@@ -190,458 +256,520 @@ function build_app() { ...@@ -190,458 +256,520 @@ function build_app() {
-DCMAKE_INSTALL_PREFIX=./output -DAPP=ON .. -DCMAKE_INSTALL_PREFIX=./output -DAPP=ON ..
make make
cp ${build_path}/build/python/dist/* ../ cp ${build_path}/build/python/dist/* ../
pip3.6 uninstall paddle-serving-app -y python3.6 -m pip uninstall paddle-serving-app -y
pip3.6 install ${build_path}/build/python/dist/* python3.6 -m pip install ${build_path}/build/python/dist/*
}
function faster_rcnn_hrnetv2p_w18_1x_encrypt() {
dir=${log_dir}rpc_model/faster_rcnn_hrnetv2p_w18_1x/
cd ${build_path}/python/examples/detection/faster_rcnn_hrnetv2p_w18_1x
check_dir ${dir}
data_dir=${data}detection/faster_rcnn_hrnetv2p_w18_1x/
link_data ${data_dir}
python3.6 encrypt.py
unsetproxy
echo -e "${GREEN_COLOR}faster_rcnn_hrnetv2p_w18_1x_ENCRYPTION_GPU_RPC server started${RES}" | tee -a ${log_dir}server_total.txt
python3.6 -m paddle_serving_server.serve --model encrypt_server/ --port 9494 --use_trt --gpu_ids 0 --use_encryption_model > ${dir}server_log.txt 2>&1 &
check_result server 3
echo -e "${GREEN_COLOR}faster_rcnn_hrnetv2p_w18_1x_ENCRYPTION_GPU_RPC client started${RES}" | tee -a ${log_dir}client_total.txt
python3.6 test_encryption.py 000000570688.jpg > ${dir}client_log.txt 2>&1
check_result client "faster_rcnn_hrnetv2p_w18_1x_ENCRYPTION_GPU_RPC server test completed"
kill_server_process
} }
function bert_rpc_gpu(){ function pipeline_ocr_cpu_http() {
dir=${log_dir}rpc_model/pipeline_ocr_cpu_http/
check_dir ${dir}
cd ${build_path}/python/examples/pipeline/ocr
data_dir=${data}ocr/
link_data ${data_dir}
unsetproxy
echo -e "${GREEN_COLOR}pipeline_ocr_CPU_HTTP server started${RES}" | tee -a ${log_dir}server_total.txt
$py_version web_service.py > ${dir}server_log.txt 2>&1 &
check_result server 5
echo -e "${GREEN_COLOR}pipeline_ocr_CPU_HTTP client started${RES}" | tee -a ${log_dir}client_total.txt
timeout 15s $py_version pipeline_http_client.py > ${dir}client_log.txt 2>&1
check_result client "pipeline_ocr_CPU_HTTP server test completed"
kill_server_process
}
function bert_rpc_gpu() {
dir=${log_dir}rpc_model/bert_rpc_gpu/
check_dir ${dir}
run_gpu_env run_gpu_env
unsetproxy unsetproxy
cd ${build_path}/python/examples/bert cd ${build_path}/python/examples/bert
data_dir=${data}bert/
link_data ${data_dir}
sh get_data.sh >/dev/null 2>&1 sh get_data.sh >/dev/null 2>&1
sed -i 's/9292/8860/g' bert_client.py sed -i 's/9292/8860/g' bert_client.py
sed -i '$aprint(result)' bert_client.py sed -i '$aprint(result)' bert_client.py
cp -r /root/.cache/dist_data/serving/bert/bert_seq128_* ./
ls -hlst ls -hlst
python3.6 -m paddle_serving_server_gpu.serve --model bert_seq128_model/ --port 8860 --gpu_ids 0 & python3.6 -m paddle_serving_server.serve --model bert_seq128_model/ --port 8860 --gpu_ids 0 > ${dir}server_log.txt 2>&1 &
sleep 15 check_result server 15
nvidia-smi nvidia-smi
head data-c.txt | python3.6 bert_client.py --model bert_seq128_client/serving_client_conf.prototxt head data-c.txt | python3.6 bert_client.py --model bert_seq128_client/serving_client_conf.prototxt > ${dir}client_log.txt 2>&1
check_result client "bert_GPU_RPC server test completed"
nvidia-smi nvidia-smi
check_result $FUNCNAME kill_server_process
kill_server_process serving
} }
function bert_rpc_cpu(){ function bert_rpc_cpu() {
run_cpu_env dir=${log_dir}rpc_model/bert_rpc_cpu/
check_dir ${dir}
unsetproxy unsetproxy
cd ${build_path}/python/examples/bert cd ${build_path}/python/examples/bert
data_dir=${data}bert/
link_data ${data_dir}
sed -i 's/8860/8861/g' bert_client.py sed -i 's/8860/8861/g' bert_client.py
python3.6 -m paddle_serving_server.serve --model bert_seq128_model/ --port 8861 & python3.6 -m paddle_serving_server.serve --model bert_seq128_model/ --port 8861 > ${dir}server_log.txt 2>&1 &
sleep 3 check_result server 3
cp data-c.txt.1 data-c.txt cp data-c.txt.1 data-c.txt
head data-c.txt | python3.6 bert_client.py --model bert_seq128_client/serving_client_conf.prototxt head data-c.txt | python3.6 bert_client.py --model bert_seq128_client/serving_client_conf.prototxt > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "bert_CPU_RPC server test completed"
kill_server_process serving kill_server_process
}
function criteo_ctr_with_cube_rpc(){
unsetproxy
run_cpu_env
cd ${build_path}/python/examples/criteo_ctr_with_cube
ln -s /root/.cache/dist_data/serving/criteo_ctr_with_cube/raw_data ./
sed -i "s/9292/8888/g" test_server.py
sed -i "s/9292/8888/g" test_client.py
wget https://paddle-serving.bj.bcebos.com/unittest/ctr_cube_unittest.tar.gz >/dev/null 2>&1
tar xf ctr_cube_unittest.tar.gz
mv models/ctr_client_conf ./
mv models/ctr_serving_model_kv ./
mv models/data ./cube/
wget https://paddle-serving.bj.bcebos.com/others/cube_app.tar.gz >/dev/null 2>&1
tar xf cube_app.tar.gz
mv cube_app/cube* ./cube/
sh cube_prepare.sh > haha 2>&1 &
sleep 5
python3.6 test_server.py ctr_serving_model_kv &
sleep 5
python3.6 test_client.py ctr_client_conf/serving_client_conf.prototxt ./raw_data
check_result $FUNCNAME
kill `ps -ef|grep cube|awk '{print $2}'`
kill_server_process test_server
} }
function pipeline_imagenet(){ function pipeline_imagenet() {
run_gpu_env dir=${log_dir}rpc_model/pipeline_imagenet/
check_dir ${dir}
unsetproxy unsetproxy
cd ${build_path}/python/examples/pipeline/imagenet cd ${build_path}/python/examples/pipeline/imagenet
cp -r /root/.cache/dist_data/serving/imagenet/* ./ data_dir=${data}imagenet/
ls -a link_data ${data_dir}
python3.6 resnet50_web_service.py & python3.6 resnet50_web_service.py > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
nvidia-smi nvidia-smi
python3.6 pipeline_rpc_client.py python3.6 pipeline_rpc_client.py > ${dir}client_log.txt 2>&1
check_result client "pipeline_imagenet_GPU_RPC server test completed"
nvidia-smi nvidia-smi
# check_result $FUNCNAME kill_server_process
kill_server_process resnet50_web_service
} }
function ResNet50_rpc(){ function ResNet50_rpc() {
run_gpu_env dir=${log_dir}rpc_model/ResNet50_rpc/
check_dir ${dir}
unsetproxy unsetproxy
cd ${build_path}/python/examples/imagenet cd ${build_path}/python/examples/imagenet
cp -r /root/.cache/dist_data/serving/imagenet/* ./ data_dir=${data}imagenet/
link_data ${data_dir}
sed -i 's/9696/8863/g' resnet50_rpc_client.py sed -i 's/9696/8863/g' resnet50_rpc_client.py
python3.6 -m paddle_serving_server_gpu.serve --model ResNet50_vd_model --port 8863 --gpu_ids 0 & python3.6 -m paddle_serving_server.serve --model ResNet50_vd_model --port 8863 --gpu_ids 0 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
nvidia-smi nvidia-smi
python3.6 resnet50_rpc_client.py ResNet50_vd_client_config/serving_client_conf.prototxt python3.6 resnet50_rpc_client.py ResNet50_vd_client_config/serving_client_conf.prototxt > ${dir}client_log.txt 2>&1
check_result client "ResNet50_GPU_RPC server test completed"
nvidia-smi nvidia-smi
check_result $FUNCNAME kill_server_process
kill_server_process serving
} }
function ResNet101_rpc(){ function ResNet101_rpc() {
run_gpu_env dir=${log_dir}rpc_model/ResNet101_rpc/
check_dir ${dir}
unsetproxy unsetproxy
cd ${build_path}/python/examples/imagenet cd ${build_path}/python/examples/imagenet
sed -i "22cclient.connect(['${host}:8864'])" image_rpc_client.py data_dir=${data}imagenet/
python3.6 -m paddle_serving_server_gpu.serve --model ResNet101_vd_model --port 8864 --gpu_ids 0 & link_data ${data_dir}
sleep 5 sed -i "22cclient.connect(['127.0.0.1:8864'])" image_rpc_client.py
python3.6 -m paddle_serving_server.serve --model ResNet101_vd_model --port 8864 --gpu_ids 0 > ${dir}server_log.txt 2>&1 &
check_result server 5
nvidia-smi nvidia-smi
python3.6 image_rpc_client.py ResNet101_vd_client_config/serving_client_conf.prototxt python3.6 image_rpc_client.py ResNet101_vd_client_config/serving_client_conf.prototxt > ${dir}client_log.txt 2>&1
check_result client "ResNet101_GPU_RPC server test completed"
nvidia-smi nvidia-smi
check_result $FUNCNAME kill_server_process
kill_server_process serving
sleep 5
} }
function cnn_rpc(){ function cnn_rpc() {
dir=${log_dir}rpc_model/cnn_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/imdb cd ${build_path}/python/examples/imdb
cp -r /root/.cache/dist_data/serving/imdb/* ./ data_dir=${data}imdb/
tar xf imdb_model.tar.gz && tar xf text_classification_data.tar.gz link_data ${data_dir}
sed -i 's/9292/8865/g' test_client.py sed -i 's/9292/8865/g' test_client.py
python3.6 -m paddle_serving_server.serve --model imdb_cnn_model/ --port 8865 & python3.6 -m paddle_serving_server.serve --model imdb_cnn_model/ --port 8865 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
head test_data/part-0 | python3.6 test_client.py imdb_cnn_client_conf/serving_client_conf.prototxt imdb.vocab head test_data/part-0 | python3.6 test_client.py imdb_cnn_client_conf/serving_client_conf.prototxt imdb.vocab > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "cnn_CPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function bow_rpc(){ function bow_rpc() {
dir=${log_dir}rpc_model/bow_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/imdb cd ${build_path}/python/examples/imdb
data_dir=${data}imdb/
link_data ${data_dir}
sed -i 's/8865/8866/g' test_client.py sed -i 's/8865/8866/g' test_client.py
python3.6 -m paddle_serving_server.serve --model imdb_bow_model/ --port 8866 & python3.6 -m paddle_serving_server.serve --model imdb_bow_model/ --port 8866 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
head test_data/part-0 | python3.6 test_client.py imdb_bow_client_conf/serving_client_conf.prototxt imdb.vocab head test_data/part-0 | python3.6 test_client.py imdb_bow_client_conf/serving_client_conf.prototxt imdb.vocab > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "bow_CPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function lstm_rpc(){ function lstm_rpc() {
dir=${log_dir}rpc_model/lstm_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/imdb cd ${build_path}/python/examples/imdb
data_dir=${data}imdb/
link_data ${data_dir}
sed -i 's/8866/8867/g' test_client.py sed -i 's/8866/8867/g' test_client.py
python3.6 -m paddle_serving_server.serve --model imdb_lstm_model/ --port 8867 & python3.6 -m paddle_serving_server.serve --model imdb_lstm_model/ --port 8867 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
head test_data/part-0 | python3.6 test_client.py imdb_lstm_client_conf/serving_client_conf.prototxt imdb.vocab head test_data/part-0 | python3.6 test_client.py imdb_lstm_client_conf/serving_client_conf.prototxt imdb.vocab > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "lstm_CPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function lac_rpc(){ function lac_rpc() {
dir=${log_dir}rpc_model/lac_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/lac cd ${build_path}/python/examples/lac
python3.6 -m paddle_serving_app.package --get_model lac >/dev/null 2>&1 data_dir=${data}lac/
tar xf lac.tar.gz link_data ${data_dir}
sed -i 's/9292/8868/g' lac_client.py sed -i 's/9292/8868/g' lac_client.py
python3.6 -m paddle_serving_server.serve --model lac_model/ --port 8868 & python3.6 -m paddle_serving_server.serve --model lac_model/ --port 8868 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
echo "我爱北京天安门" | python3.6 lac_client.py lac_client/serving_client_conf.prototxt lac_dict/ echo "我爱北京天安门" | python3.6 lac_client.py lac_client/serving_client_conf.prototxt lac_dict/ > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "lac_CPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function fit_a_line_rpc(){ function fit_a_line_rpc() {
dir=${log_dir}rpc_model/fit_a_line_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/fit_a_line cd ${build_path}/python/examples/fit_a_line
sh get_data.sh >/dev/null 2>&1 data_dir=${data}fit_a_line/
link_data ${data_dir}
sed -i 's/9393/8869/g' test_client.py sed -i 's/9393/8869/g' test_client.py
python3.6 -m paddle_serving_server.serve --model uci_housing_model --port 8869 & python3.6 -m paddle_serving_server.serve --model uci_housing_model --port 8869 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
python3.6 test_client.py uci_housing_client/serving_client_conf.prototxt python3.6 test_client.py uci_housing_client/serving_client_conf.prototxt > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "fit_a_line_CPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function faster_rcnn_model_rpc(){ function faster_rcnn_model_rpc() {
dir=${log_dir}rpc_model/faster_rcnn_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env cd ${build_path}/python/examples/detection/faster_rcnn_r50_fpn_1x_coco
cd ${build_path}/python/examples/faster_rcnn data_dir=${data}detection/faster_rcnn_r50_fpn_1x_coco/
cp -r /root/.cache/dist_data/serving/faster_rcnn/faster_rcnn_model.tar.gz ./ link_data ${data_dir}
tar xf faster_rcnn_model.tar.gz
wget https://paddle-serving.bj.bcebos.com/pddet_demo/infer_cfg.yml >/dev/null 2>&1
mv faster_rcnn_model/pddet* ./
sed -i 's/9494/8870/g' test_client.py sed -i 's/9494/8870/g' test_client.py
python3.6 -m paddle_serving_server_gpu.serve --model pddet_serving_model --port 8870 --gpu_id 0 --thread 2 & python3.6 -m paddle_serving_server.serve --model serving_server --port 8870 --gpu_ids 0 --thread 2 --use_trt > ${dir}server_log.txt 2>&1 &
echo "faster rcnn running ..." echo "faster rcnn running ..."
nvidia-smi nvidia-smi
sleep 5 check_result server 10
python3.6 test_client.py pddet_client_conf/serving_client_conf.prototxt infer_cfg.yml 000000570688.jpg python3.6 test_client.py 000000570688.jpg > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
check_result $FUNCNAME check_result client "faster_rcnn_GPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function cascade_rcnn_rpc(){ function cascade_rcnn_rpc() {
dir=${log_dir}rpc_model/cascade_rcnn_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/cascade_rcnn cd ${build_path}/python/examples/cascade_rcnn
cp -r /root/.cache/dist_data/serving/cascade_rcnn/cascade_rcnn_r50_fpx_1x_serving.tar.gz ./ data_dir=${data}cascade_rcnn/
tar xf cascade_rcnn_r50_fpx_1x_serving.tar.gz link_data ${data_dir}
sed -i "s/9292/8879/g" test_client.py sed -i "s/9292/8879/g" test_client.py
python3.6 -m paddle_serving_server_gpu.serve --model serving_server --port 8879 --gpu_id 0 --thread 2 & python3.6 -m paddle_serving_server.serve --model serving_server --port 8879 --gpu_ids 0 --thread 2 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
nvidia-smi nvidia-smi
python3.6 test_client.py python3.6 test_client.py > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
check_result $FUNCNAME check_result client "cascade_rcnn_GPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function deeplabv3_rpc() { function deeplabv3_rpc() {
dir=${log_dir}rpc_model/deeplabv3_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/deeplabv3 cd ${build_path}/python/examples/deeplabv3
cp -r /root/.cache/dist_data/serving/deeplabv3/deeplabv3.tar.gz ./ data_dir=${data}deeplabv3/
tar xf deeplabv3.tar.gz link_data ${data_dir}
sed -i "s/9494/8880/g" deeplabv3_client.py sed -i "s/9494/8880/g" deeplabv3_client.py
python3.6 -m paddle_serving_server_gpu.serve --model deeplabv3_server --gpu_ids 0 --port 8880 --thread 2 & python3.6 -m paddle_serving_server.serve --model deeplabv3_server --gpu_ids 0 --port 8880 --thread 2 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
nvidia-smi nvidia-smi
python3.6 deeplabv3_client.py python3.6 deeplabv3_client.py > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
check_result $FUNCNAME check_result client "deeplabv3_GPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function mobilenet_rpc() { function mobilenet_rpc() {
dir=${log_dir}rpc_model/mobilenet_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/mobilenet cd ${build_path}/python/examples/mobilenet
python3.6 -m paddle_serving_app.package --get_model mobilenet_v2_imagenet >/dev/null 2>&1 python3.6 -m paddle_serving_app.package --get_model mobilenet_v2_imagenet >/dev/null 2>&1
tar xf mobilenet_v2_imagenet.tar.gz tar xf mobilenet_v2_imagenet.tar.gz
sed -i "s/9393/8881/g" mobilenet_tutorial.py sed -i "s/9393/8881/g" mobilenet_tutorial.py
python3.6 -m paddle_serving_server_gpu.serve --model mobilenet_v2_imagenet_model --gpu_ids 0 --port 8881 & python3.6 -m paddle_serving_server.serve --model mobilenet_v2_imagenet_model --gpu_ids 0 --port 8881 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
nvidia-smi nvidia-smi
python3.6 mobilenet_tutorial.py python3.6 mobilenet_tutorial.py > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
check_result $FUNCNAME check_result client "mobilenet_GPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function unet_rpc() { function unet_rpc() {
dir=${log_dir}rpc_model/unet_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/unet_for_image_seg cd ${build_path}/python/examples/unet_for_image_seg
python3.6 -m paddle_serving_app.package --get_model unet >/dev/null 2>&1 data_dir=${data}unet_for_image_seg/
tar xf unet.tar.gz link_data ${data_dir}
sed -i "s/9494/8882/g" seg_client.py sed -i "s/9494/8882/g" seg_client.py
python3.6 -m paddle_serving_server_gpu.serve --model unet_model --gpu_ids 0 --port 8882 & python3.6 -m paddle_serving_server.serve --model unet_model --gpu_ids 0 --port 8882 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
nvidia-smi nvidia-smi
python3.6 seg_client.py python3.6 seg_client.py > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
check_result $FUNCNAME check_result client "unet_GPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function resnetv2_rpc() { function resnetv2_rpc() {
dir=${log_dir}rpc_model/resnetv2_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/resnet_v2_50 cd ${build_path}/python/examples/resnet_v2_50
cp /root/.cache/dist_data/serving/resnet_v2_50/resnet_v2_50_imagenet.tar.gz ./ data_dir=${data}resnet_v2_50/
tar xf resnet_v2_50_imagenet.tar.gz link_data ${data_dir}
sed -i 's/9393/8883/g' resnet50_v2_tutorial.py sed -i 's/9393/8883/g' resnet50_v2_tutorial.py
python3.6 -m paddle_serving_server_gpu.serve --model resnet_v2_50_imagenet_model --gpu_ids 0 --port 8883 & python3.6 -m paddle_serving_server.serve --model resnet_v2_50_imagenet_model --gpu_ids 0 --port 8883 > ${dir}server_log.txt 2>&1 &
sleep 10 check_result server 10
nvidia-smi nvidia-smi
python3.6 resnet50_v2_tutorial.py python3.6 resnet50_v2_tutorial.py > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
check_result $FUNCNAME check_result client "resnetv2_GPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function ocr_rpc() { function ocr_rpc() {
dir=${log_dir}rpc_model/ocr_rpc/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/ocr cd ${build_path}/python/examples/ocr
cp -r /root/.cache/dist_data/serving/ocr/test_imgs ./ data_dir=${data}ocr/
link_data ${data_dir}
python3.6 -m paddle_serving_app.package --get_model ocr_rec >/dev/null 2>&1 python3.6 -m paddle_serving_app.package --get_model ocr_rec >/dev/null 2>&1
tar xf ocr_rec.tar.gz tar xf ocr_rec.tar.gz
sed -i 's/9292/8884/g' test_ocr_rec_client.py sed -i 's/9292/8884/g' test_ocr_rec_client.py
python3.6 -m paddle_serving_server.serve --model ocr_rec_model --port 8884 & python3.6 -m paddle_serving_server.serve --model ocr_rec_model --port 8884 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
python3.6 test_ocr_rec_client.py python3.6 test_ocr_rec_client.py > ${dir}client_log.txt 2>&1
# check_result $FUNCNAME check_result client "ocr_CPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function criteo_ctr_rpc_cpu() { function criteo_ctr_rpc_cpu() {
dir=${log_dir}rpc_model/criteo_ctr_rpc_cpu/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/criteo_ctr cd ${build_path}/python/examples/criteo_ctr
data_dir=${data}criteo_ctr/
link_data ${data_dir}
sed -i "s/9292/8885/g" test_client.py sed -i "s/9292/8885/g" test_client.py
ln -s /root/.cache/dist_data/serving/criteo_ctr_with_cube/raw_data ./ python3.6 -m paddle_serving_server.serve --model ctr_serving_model/ --port 8885 > ${dir}server_log.txt 2>&1 &
wget https://paddle-serving.bj.bcebos.com/criteo_ctr_example/criteo_ctr_demo_model.tar.gz >/dev/null 2>&1 check_result server 5
tar xf criteo_ctr_demo_model.tar.gz python3.6 test_client.py ctr_client_conf/serving_client_conf.prototxt raw_data/part-0 > ${dir}client_log.txt 2>&1
mv models/ctr_client_conf . check_result client "criteo_ctr_CPU_RPC server test completed"
mv models/ctr_serving_model . kill_server_process
python3.6 -m paddle_serving_server.serve --model ctr_serving_model/ --port 8885 &
sleep 5
python3.6 test_client.py ctr_client_conf/serving_client_conf.prototxt raw_data/part-0
check_result $FUNCNAME
kill_server_process serving
} }
function criteo_ctr_rpc_gpu() { function criteo_ctr_rpc_gpu() {
dir=${log_dir}rpc_model/criteo_ctr_rpc_gpu/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/criteo_ctr cd ${build_path}/python/examples/criteo_ctr
data_dir=${data}criteo_ctr/
link_data ${data_dir}
sed -i "s/8885/8886/g" test_client.py sed -i "s/8885/8886/g" test_client.py
wget https://paddle-serving.bj.bcebos.com/criteo_ctr_example/criteo_ctr_demo_model.tar.gz >/dev/null 2>&1 python3.6 -m paddle_serving_server.serve --model ctr_serving_model/ --port 8886 --gpu_ids 0 > ${dir}server_log.txt 2>&1 &
python3.6 -m paddle_serving_server_gpu.serve --model ctr_serving_model/ --port 8886 --gpu_ids 0 & check_result server 5
sleep 5
nvidia-smi nvidia-smi
python3.6 test_client.py ctr_client_conf/serving_client_conf.prototxt raw_data/ python3.6 test_client.py ctr_client_conf/serving_client_conf.prototxt raw_data/part-0 > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
check_result $FUNCNAME check_result client "criteo_ctr_GPU_RPC server test completed"
kill `ps -ef|grep ctr|awk '{print $2}'` kill_server_process
kill_server_process serving
} }
function yolov4_rpc_gpu() { function yolov4_rpc_gpu() {
dir=${log_dir}rpc_model/yolov4_rpc_gpu/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/yolov4 cd ${build_path}/python/examples/yolov4
data_dir=${data}yolov4/
link_data ${data_dir}
sed -i "s/9393/8887/g" test_client.py sed -i "s/9393/8887/g" test_client.py
cp -r /root/.cache/dist_data/serving/yolov4/yolov4.tar.gz ./ python3.6 -m paddle_serving_server.serve --model yolov4_model --port 8887 --gpu_ids 0 > ${dir}server_log.txt 2>&1 &
tar xf yolov4.tar.gz
python3.6 -m paddle_serving_server_gpu.serve --model yolov4_model --port 8887 --gpu_ids 0 &
nvidia-smi nvidia-smi
sleep 5 check_result server 5
python3.6 test_client.py 000000570688.jpg python3.6 test_client.py 000000570688.jpg > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
# check_result $FUNCNAME check_result client "yolov4_GPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function senta_rpc_cpu() { function senta_rpc_cpu() {
dir=${log_dir}rpc_model/senta_rpc_cpu/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/senta cd ${build_path}/python/examples/senta
data_dir=${data}senta/
link_data ${data_dir}
sed -i "s/9393/8887/g" test_client.py sed -i "s/9393/8887/g" test_client.py
cp -r /data/.cache/dist_data/serving/yolov4/yolov4.tar.gz ./ python3.6 -m paddle_serving_server.serve --model yolov4_model --port 8887 --gpu_ids 0 > ${dir}server_log.txt 2>&1 &
tar xf yolov4.tar.gz
python3.6 -m paddle_serving_server_gpu.serve --model yolov4_model --port 8887 --gpu_ids 0 &
nvidia-smi nvidia-smi
sleep 5 check_result server 5
python3.6 test_client.py 000000570688.jpg python3.6 test_client.py 000000570688.jpg > ${dir}client_log.txt 2>&1
nvidia-smi nvidia-smi
check_result $FUNCNAME check_result client "senta_GPU_RPC server test completed"
kill_server_process serving kill_server_process
} }
function fit_a_line_http() { function fit_a_line_http() {
dir=${log_dir}http_model/fit_a_line_http/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/fit_a_line cd ${build_path}/python/examples/fit_a_line
sed -i "s/9292/8871/g" test_server.py sed -i "s/9393/8871/g" test_server.py
python3.6 test_server.py & python3.6 test_server.py > ${dir}server_log.txt 2>&1 &
sleep 10 check_result server 10
curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"x": [0.0137, -0.1136, 0.2553, -0.0692, 0.0582, -0.0727, -0.1583, -0.0584, 0.6283, 0.4919, 0.1856, 0.0795, -0.0332]}], "fetch":["price"]}' http://${host}:8871/uci/prediction curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"x": [0.0137, -0.1136, 0.2553, -0.0692, 0.0582, -0.0727, -0.1583, -0.0584, 0.6283, 0.4919, 0.1856, 0.0795, -0.0332]}], "fetch":["price"]}' http://127.0.0.1:8871/uci/prediction > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "fit_a_line_CPU_HTTP server test completed"
kill_server_process test_server kill_server_process
} }
function lac_http() { function lac_http() {
dir=${log_dir}http_model/lac_http/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/lac cd ${build_path}/python/examples/lac
python3.6 lac_web_service.py lac_model/ lac_workdir 8872 & python3.6 lac_web_service.py lac_model/ lac_workdir 8872 > ${dir}server_log.txt 2>&1 &
sleep 10 check_result server 10
curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "我爱北京天安门"}], "fetch":["word_seg"]}' http://${host}:8872/lac/prediction curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "我爱北京天安门"}], "fetch":["word_seg"]}' http://127.0.0.1:8872/lac/prediction > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "lac_CPU_HTTP server test completed"
kill_server_process lac_web_service kill_server_process
} }
function cnn_http() { function cnn_http() {
dir=${log_dir}http_model/cnn_http/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/imdb cd ${build_path}/python/examples/imdb
python3.6 text_classify_service.py imdb_cnn_model/ workdir/ 8873 imdb.vocab & python3.6 text_classify_service.py imdb_cnn_model/ workdir/ 8873 imdb.vocab > ${dir}server_log.txt 2>&1 &
sleep 10 check_result server 10
curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "i am very sad | 0"}], "fetch":["prediction"]}' http://${host}:8873/imdb/prediction curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "i am very sad | 0"}], "fetch":["prediction"]}' http://127.0.0.1:8873/imdb/prediction > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "cnn_CPU_HTTP server test completed"
kill_server_process text_classify_service kill_server_process
} }
function bow_http() { function bow_http() {
dir=${log_dir}http_model/bow_http/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/imdb cd ${build_path}/python/examples/imdb
python3.6 text_classify_service.py imdb_bow_model/ workdir/ 8874 imdb.vocab & python3.6 text_classify_service.py imdb_bow_model/ workdir/ 8874 imdb.vocab > ${dir}server_log.txt 2>&1 &
sleep 10 check_result server 10
curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "i am very sad | 0"}], "fetch":["prediction"]}' http://${host}:8874/imdb/prediction curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "i am very sad | 0"}], "fetch":["prediction"]}' http://127.0.0.1:8874/imdb/prediction > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "bow_CPU_HTTP server test completed"
kill_server_process text_classify_service kill_server_process
} }
function lstm_http() { function lstm_http() {
dir=${log_dir}http_model/lstm_http/
check_dir ${dir}
unsetproxy unsetproxy
run_cpu_env
cd ${build_path}/python/examples/imdb cd ${build_path}/python/examples/imdb
python3.6 text_classify_service.py imdb_bow_model/ workdir/ 8875 imdb.vocab & python3.6 text_classify_service.py imdb_bow_model/ workdir/ 8875 imdb.vocab > ${dir}server_log.txt 2>&1 &
sleep 10 check_result server 10
curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "i am very sad | 0"}], "fetch":["prediction"]}' http://${host}:8875/imdb/prediction curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "i am very sad | 0"}], "fetch":["prediction"]}' http://127.0.0.1:8875/imdb/prediction > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "lstm_CPU_HTTP server test completed"
kill `ps -ef|grep imdb|awk '{print $2}'` kill_server_process
kill_server_process text_classify_service
} }
function ResNet50_http() { function ResNet50_http() {
dir=${log_dir}http_model/ResNet50_http/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/imagenet cd ${build_path}/python/examples/imagenet
python3.6 resnet50_web_service.py ResNet50_vd_model gpu 8876 & python3.6 resnet50_web_service.py ResNet50_vd_model gpu 8876 > ${dir}server_log.txt 2>&1 &
sleep 10 check_result server 10
curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"image": "https://paddle-serving.bj.bcebos.com/imagenet-example/daisy.jpg"}], "fetch": ["score"]}' http://${host}:8876/image/prediction curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"image": "https://paddle-serving.bj.bcebos.com/imagenet-example/daisy.jpg"}], "fetch": ["score"]}' http://127.0.0.1:8876/image/prediction > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "ResNet50_GPU_HTTP server test completed"
kill_server_process resnet50_web_service kill_server_process
} }
function bert_http(){ function bert_http() {
dir=${log_dir}http_model/ResNet50_http/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/bert cd ${build_path}/python/examples/bert
cp data-c.txt.1 data-c.txt cp data-c.txt.1 data-c.txt
cp vocab.txt.1 vocab.txt cp vocab.txt.1 vocab.txt
export CUDA_VISIBLE_DEVICES=0 export CUDA_VISIBLE_DEVICES=0
python3.6 bert_web_service.py bert_seq128_model/ 8878 & python3.6 bert_web_service.py bert_seq128_model/ 8878 > ${dir}server_log.txt 2>&1 &
sleep 5 check_result server 5
curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "hello"}], "fetch":["pooled_output"]}' http://127.0.0.1:8878/bert/prediction curl -H "Content-Type:application/json" -X POST -d '{"feed":[{"words": "hello"}], "fetch":["pooled_output"]}' http://127.0.0.1:8878/bert/prediction > ${dir}client_log.txt 2>&1
check_result $FUNCNAME check_result client "bert_GPU_HTTP server test completed"
kill_server_process bert_web_service kill_server_process
} }
grpc_impl(){ function grpc_fit_a_line() {
dir=${log_dir}rpc_model/grpc_fit_a_line/
check_dir ${dir}
unsetproxy unsetproxy
run_gpu_env
cd ${build_path}/python/examples/grpc_impl_example/fit_a_line cd ${build_path}/python/examples/grpc_impl_example/fit_a_line
sh get_data.sh >/dev/null 2>&1 data_dir=${data}fit_a_line/
python3.6 test_server.py uci_housing_model/ & link_data ${data_dir}
sleep 5 python3.6 test_server.py uci_housing_model/ > ${dir}server_log.txt 2>&1 &
echo "sync predict" check_result server 5
python3.6 test_sync_client.py echo "sync predict" > ${dir}client_log.txt 2>&1
echo "async predict" python3.6 test_sync_client.py >> ${dir}client_log.txt 2>&1
python3.6 test_asyn_client.py check_result client "grpc_impl_example_fit_a_line_sync_CPU_gRPC server sync test completed"
echo "batch predict" echo "async predict" >> ${dir}client_log.txt 2>&1
python3.6 test_batch_client.py python3.6 test_asyn_client.py >> ${dir}client_log.txt 2>&1
echo "timeout predict" check_result client "grpc_impl_example_fit_a_line_asyn_CPU_gRPC server asyn test completed"
python3.6 test_timeout_client.py echo "batch predict" >> ${dir}client_log.txt 2>&1
# check_result $FUNCNAME python3.6 test_batch_client.py >> ${dir}client_log.txt 2>&1
kill_server_process test_server check_result client "grpc_impl_example_fit_a_line_batch_CPU_gRPC server batch test completed"
} echo "timeout predict" >> ${dir}client_log.txt 2>&1
python3.6 test_timeout_client.py >> ${dir}client_log.txt 2>&1
function build_all_whl(){ check_result client "grpc_impl_example_fit_a_line_timeout_CPU_gRPC server timeout test completed"
kill_server_process
}
function grpc_yolov4() {
dir=${log_dir}rpc_model/grpc_yolov4/
cd ${build_path}/python/examples/grpc_impl_example/yolov4
check_dir ${dir}
data_dir=${data}yolov4/
link_data ${data_dir}
echo -e "${GREEN_COLOR}grpc_impl_example_yolov4_GPU_gRPC server started${RES}"
python3.6 -m paddle_serving_server.serve --model yolov4_model --port 9393 --gpu_ids 0 --use_multilang > ${dir}server_log.txt 2>&1 &
check_result server 5
echo -e "${GREEN_COLOR}grpc_impl_example_yolov4_GPU_gRPC client started${RES}"
python3.6 test_client.py 000000570688.jpg > ${dir}client_log.txt 2>&1
check_result client "grpc_yolov4_GPU_GRPC server test completed"
kill_server_process
}
function build_all_whl() {
for whl in ${build_whl_list[@]} for whl in ${build_whl_list[@]}
do do
echo "===========${whl} begin build===========" echo "===========${whl} begin build==========="
...@@ -651,7 +779,7 @@ function build_all_whl(){ ...@@ -651,7 +779,7 @@ function build_all_whl(){
done done
} }
function run_rpc_models(){ function run_rpc_models() {
for model in ${rpc_model_list[@]} for model in ${rpc_model_list[@]}
do do
echo "===========${model} run begin===========" echo "===========${model} run begin==========="
...@@ -661,7 +789,7 @@ function run_rpc_models(){ ...@@ -661,7 +789,7 @@ function run_rpc_models(){
done done
} }
function run_http_models(){ function run_http_models() {
for model in ${http_model_list[@]} for model in ${http_model_list[@]}
do do
echo "===========${model} run begin===========" echo "===========${model} run begin==========="
...@@ -671,7 +799,7 @@ function run_http_models(){ ...@@ -671,7 +799,7 @@ function run_http_models(){
done done
} }
function end_hook(){ function end_hook() {
cd ${build_path} cd ${build_path}
kill_server_process kill_server_process
kill `ps -ef|grep python|awk '{print $2}'` kill `ps -ef|grep python|awk '{print $2}'`
...@@ -679,7 +807,6 @@ function end_hook(){ ...@@ -679,7 +807,6 @@ function end_hook(){
echo "===========files===========" echo "===========files==========="
ls -hlst ls -hlst
echo "=========== end ===========" echo "=========== end ==========="
} }
function main() { function main() {
...@@ -687,10 +814,19 @@ function main() { ...@@ -687,10 +814,19 @@ function main() {
build_all_whl build_all_whl
check check
run_env run_env
unsetproxy
run_gpu_env
check_dir ${log_dir}rpc_model/
check_dir ${log_dir}http_model/
check_dir ${log_dir}error/
run_rpc_models run_rpc_models
# run_http_models run_http_models
end_hook end_hook
if [ -f ${log_dir}error_models.txt ]; then
cat ${log_dir}error_models.txt
echo "error occurred!"
# exit 1
fi
} }
main$@ main$@
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册