未验证 提交 161ff33c 编写于 作者: C chenxujun 提交者: GitHub

Fix some words (#7667)

上级 ffce1218
...@@ -23,7 +23,7 @@ OFA: ...@@ -23,7 +23,7 @@ OFA:
'backbone.4_1._conv_pw_mv1._conv', 'backbone.4_2._conv_linear._conv', 'backbone.4_1._conv_pw_mv1._conv', 'backbone.4_2._conv_linear._conv',
'backbone.4_3._conv_linear._conv'] 'backbone.4_3._conv_linear._conv']
# For block-wise search, make layers in each block in the same search sapce # For block-wise search, make layers in each block in the same search space
same_search_space: [ same_search_space: [
['backbone.2_1._conv_dw_1._conv', 'backbone.2_1._conv_pw_2._conv', ['backbone.2_1._conv_dw_1._conv', 'backbone.2_1._conv_pw_2._conv',
'backbone.2_1._conv_dw_2._conv', 'backbone.2_1._se.conv1', 'backbone.2_1._se.conv2'], 'backbone.2_1._conv_dw_2._conv', 'backbone.2_1._se.conv1', 'backbone.2_1._se.conv2'],
......
...@@ -10,8 +10,8 @@ English | [简体中文](README_cn.md) ...@@ -10,8 +10,8 @@ English | [简体中文](README_cn.md)
| w/ | 4 | 1 | ResNet-r50-FPN | [VisDrone](https://github.com/VisDrone/VisDrone-Dataset) | 1x | 29.7 | [Download Link](https://bj.bcebos.com/v1/paddledet/models/faster_rcnn_r50_fpn_1x_sniper_visdrone.pdparams) | [config](./faster_rcnn_r50_fpn_1x_sniper_visdrone.yml) | | w/ | 4 | 1 | ResNet-r50-FPN | [VisDrone](https://github.com/VisDrone/VisDrone-Dataset) | 1x | 29.7 | [Download Link](https://bj.bcebos.com/v1/paddledet/models/faster_rcnn_r50_fpn_1x_sniper_visdrone.pdparams) | [config](./faster_rcnn_r50_fpn_1x_sniper_visdrone.yml) |
### Note ### Note
- Here, we use VisDrone dataset, and to detect 9 objects including `person, bicycles, car, van, truck, tricyle, awning-tricyle, bus, motor`. - Here, we use VisDrone dataset, and to detect 9 objects including `person, bicycles, car, van, truck, tricycle, awning-tricycle, bus, motor`.
- Do not support deploy by now because sniper dataset crop behavor. - Do not support deploy by now because sniper dataset crop behavior.
## Getting Start ## Getting Start
### 1. Training ### 1. Training
...@@ -19,7 +19,7 @@ a. optional: Run `tools/sniper_params_stats.py` to get image_target_sizes\valid_ ...@@ -19,7 +19,7 @@ a. optional: Run `tools/sniper_params_stats.py` to get image_target_sizes\valid_
```bash ```bash
python tools/sniper_params_stats.py FasterRCNN annotations/instances_train2017.json python tools/sniper_params_stats.py FasterRCNN annotations/instances_train2017.json
``` ```
b. optional: trian detector to get negative proposals. b. optional: train detector to get negative proposals.
```bash ```bash
python -m paddle.distributed.launch --log_dir=./sniper/ --gpus 0,1,2,3,4,5,6,7 tools/train.py -c configs/sniper/faster_rcnn_r50_fpn_1x_sniper_visdrone.yml --save_proposals --proposals_path=./proposals.json &>sniper.log 2>&1 & python -m paddle.distributed.launch --log_dir=./sniper/ --gpus 0,1,2,3,4,5,6,7 tools/train.py -c configs/sniper/faster_rcnn_r50_fpn_1x_sniper_visdrone.yml --save_proposals --proposals_path=./proposals.json &>sniper.log 2>&1 &
``` ```
......
architecture: SSD architecture: SSD
pretrain_weights: https://paddledet.bj.bcebos.com/models/pretrained/VGG16_caffe_pretrained.pdparams pretrain_weights: https://paddledet.bj.bcebos.com/models/pretrained/VGG16_caffe_pretrained.pdparams
# Model Achitecture # Model Architecture
SSD: SSD:
# model feat info flow # model feat info flow
backbone: VGG backbone: VGG
......
...@@ -15,7 +15,7 @@ ...@@ -15,7 +15,7 @@
import sys import sys
import os.path as osp import os.path as osp
import logging import logging
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3))) parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3)))
if parent_path not in sys.path: if parent_path not in sys.path:
sys.path.append(parent_path) sys.path.append(parent_path)
......
...@@ -15,7 +15,7 @@ ...@@ -15,7 +15,7 @@
import sys import sys
import os.path as osp import os.path as osp
import logging import logging
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3))) parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3)))
if parent_path not in sys.path: if parent_path not in sys.path:
sys.path.append(parent_path) sys.path.append(parent_path)
......
...@@ -15,7 +15,7 @@ ...@@ -15,7 +15,7 @@
import sys import sys
import os.path as osp import os.path as osp
import logging import logging
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3))) parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3)))
if parent_path not in sys.path: if parent_path not in sys.path:
sys.path.append(parent_path) sys.path.append(parent_path)
......
...@@ -15,7 +15,7 @@ ...@@ -15,7 +15,7 @@
import sys import sys
import os.path as osp import os.path as osp
import logging import logging
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3))) parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3)))
if parent_path not in sys.path: if parent_path not in sys.path:
sys.path.append(parent_path) sys.path.append(parent_path)
......
...@@ -15,7 +15,7 @@ ...@@ -15,7 +15,7 @@
import sys import sys
import os.path as osp import os.path as osp
import logging import logging
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3))) parent_path = osp.abspath(osp.join(__file__, *(['..'] * 3)))
if parent_path not in sys.path: if parent_path not in sys.path:
sys.path.append(parent_path) sys.path.append(parent_path)
......
...@@ -195,7 +195,7 @@ def trt_perf_analysis(raw_df): ...@@ -195,7 +195,7 @@ def trt_perf_analysis(raw_df):
gpu_df = raw_df.loc[raw_df['runtime_device'] == 'gpu'] gpu_df = raw_df.loc[raw_df['runtime_device'] == 'gpu']
new_df = filter_df_merge(gpu_df, "precision") new_df = filter_df_merge(gpu_df, "precision")
# calculate qps diff percentail # calculate qps diff percentile
infer_fp32 = "inference_time(ms)_precision_fp32" infer_fp32 = "inference_time(ms)_precision_fp32"
infer_fp16 = "inference_time(ms)_precision_fp16" infer_fp16 = "inference_time(ms)_precision_fp16"
infer_int8 = "inference_time(ms)_precision_int8" infer_int8 = "inference_time(ms)_precision_int8"
...@@ -228,7 +228,7 @@ def mkl_perf_analysis(raw_df): ...@@ -228,7 +228,7 @@ def mkl_perf_analysis(raw_df):
output_thread_df = filter_df_merge(thread_compare_df, output_thread_df = filter_df_merge(thread_compare_df,
'cpu_math_library_num_threads') 'cpu_math_library_num_threads')
# calculate performance diff percentail # calculate performance diff percentile
# compare mkl performance with cpu # compare mkl performance with cpu
enable_mkldnn = "inference_time(ms)_enable_mkldnn_True" enable_mkldnn = "inference_time(ms)_enable_mkldnn_True"
disable_mkldnn = "inference_time(ms)_enable_mkldnn_False" disable_mkldnn = "inference_time(ms)_enable_mkldnn_False"
......
...@@ -5,7 +5,7 @@ Windows 平台下,我们使用`Visual Studio 2019 Community` 进行了测试 ...@@ -5,7 +5,7 @@ Windows 平台下,我们使用`Visual Studio 2019 Community` 进行了测试
## 前置条件 ## 前置条件
* Visual Studio 2019 (根据Paddle预测库所使用的VS版本选择,请参考 [Visual Studio 不同版本二进制兼容性](https://docs.microsoft.com/zh-cn/cpp/porting/binary-compat-2015-2017?view=vs-2019) ) * Visual Studio 2019 (根据Paddle预测库所使用的VS版本选择,请参考 [Visual Studio 不同版本二进制兼容性](https://docs.microsoft.com/zh-cn/cpp/porting/binary-compat-2015-2017?view=vs-2019) )
* CUDA 9.0 / CUDA 10.0,cudnn 7+ / TensoRT(仅在使用GPU版本的预测库时需要) * CUDA 9.0 / CUDA 10.0,cudnn 7+ / TensorRT(仅在使用GPU版本的预测库时需要)
* CMake 3.0+ [CMake下载](https://cmake.org/download/) * CMake 3.0+ [CMake下载](https://cmake.org/download/)
**特别注意:windows下预测库需要的TensorRT版本为:** **特别注意:windows下预测库需要的TensorRT版本为:**
......
...@@ -95,7 +95,7 @@ void KeyPointDetector::LoadModel(const std::string& model_dir, ...@@ -95,7 +95,7 @@ void KeyPointDetector::LoadModel(const std::string& model_dir,
predictor_ = std::move(CreatePredictor(config)); predictor_ = std::move(CreatePredictor(config));
} }
// Visualiztion MaskDetector results // Visualization MaskDetector results
cv::Mat VisualizeKptsResult(const cv::Mat& img, cv::Mat VisualizeKptsResult(const cv::Mat& img,
const std::vector<KeyPointResult>& results, const std::vector<KeyPointResult>& results,
const std::vector<int>& colormap) { const std::vector<int>& colormap) {
......
...@@ -27,7 +27,7 @@ import time ...@@ -27,7 +27,7 @@ import time
from collections import Sequence, defaultdict from collections import Sequence, defaultdict
from datacollector import DataCollector, Result from datacollector import DataCollector, Result
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -23,7 +23,7 @@ import paddle ...@@ -23,7 +23,7 @@ import paddle
import sys import sys
from collections import Sequence from collections import Sequence
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -25,7 +25,7 @@ from paddle.inference import Config ...@@ -25,7 +25,7 @@ from paddle.inference import Config
from paddle.inference import create_predictor from paddle.inference import create_predictor
import sys import sys
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..']))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'])))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -202,7 +202,7 @@ def get_cosine(x, y, eps=1e-12): ...@@ -202,7 +202,7 @@ def get_cosine(x, y, eps=1e-12):
Computes cosine distance between two tensors. Computes cosine distance between two tensors.
The cosine distance is the inverse cosine similarity The cosine distance is the inverse cosine similarity
-> cosine_distance = abs(-cosine_distance) to make it -> cosine_distance = abs(-cosine_distance) to make it
similar in behaviour to euclidean distance similar in behavior to euclidean distance
""" """
sim_mt = cosine_similarity(x, y, eps) sim_mt = cosine_similarity(x, y, eps)
return sim_mt return sim_mt
......
...@@ -16,7 +16,7 @@ import os ...@@ -16,7 +16,7 @@ import os
import sys import sys
import cv2 import cv2
import numpy as np import numpy as np
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -24,7 +24,7 @@ import sys ...@@ -24,7 +24,7 @@ import sys
from collections import Sequence from collections import Sequence
import paddle.nn.functional as F import paddle.nn.functional as F
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -23,7 +23,7 @@ import paddle ...@@ -23,7 +23,7 @@ import paddle
import sys import sys
from collections import Sequence from collections import Sequence
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 3))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 3)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -26,7 +26,7 @@ from paddle.inference import Config ...@@ -26,7 +26,7 @@ from paddle.inference import Config
from paddle.inference import create_predictor from paddle.inference import create_predictor
import sys import sys
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..']))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'])))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -27,7 +27,7 @@ from paddle.inference import Config ...@@ -27,7 +27,7 @@ from paddle.inference import Config
from paddle.inference import create_predictor from paddle.inference import create_predictor
import sys import sys
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..']))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'])))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -25,7 +25,7 @@ import numpy as np ...@@ -25,7 +25,7 @@ import numpy as np
import paddle import paddle
import sys import sys
# add deploy path of PadleDetection to sys.path # add deploy path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..']))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'])))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -14,7 +14,7 @@ ...@@ -14,7 +14,7 @@
from __future__ import print_function from __future__ import print_function
import os, sys import os, sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 4))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 4)))
if parent_path not in sys.path: if parent_path not in sys.path:
sys.path.append(parent_path) sys.path.append(parent_path)
......
...@@ -18,7 +18,7 @@ import unittest ...@@ -18,7 +18,7 @@ import unittest
import paddle import paddle
import paddle.nn.functional as F import paddle.nn.functional as F
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
import os import os
import sys import sys
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 4))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 4)))
......
...@@ -21,7 +21,7 @@ import sys ...@@ -21,7 +21,7 @@ import sys
import random import random
import numpy as np import numpy as np
import paddle import paddle
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 5))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 5)))
if parent_path not in sys.path: if parent_path not in sys.path:
sys.path.append(parent_path) sys.path.append(parent_path)
......
...@@ -18,7 +18,7 @@ from __future__ import print_function ...@@ -18,7 +18,7 @@ from __future__ import print_function
import os import os
import sys import sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -19,7 +19,7 @@ from __future__ import print_function ...@@ -19,7 +19,7 @@ from __future__ import print_function
import os import os
import sys import sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -19,7 +19,7 @@ from __future__ import print_function ...@@ -19,7 +19,7 @@ from __future__ import print_function
import os import os
import sys import sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -19,7 +19,7 @@ from __future__ import print_function ...@@ -19,7 +19,7 @@ from __future__ import print_function
import os import os
import sys import sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -19,7 +19,7 @@ from __future__ import print_function ...@@ -19,7 +19,7 @@ from __future__ import print_function
import os import os
import sys import sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -19,7 +19,7 @@ from __future__ import print_function ...@@ -19,7 +19,7 @@ from __future__ import print_function
import os import os
import sys import sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -19,7 +19,7 @@ from __future__ import print_function ...@@ -19,7 +19,7 @@ from __future__ import print_function
import os import os
import sys import sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
...@@ -19,7 +19,7 @@ from __future__ import print_function ...@@ -19,7 +19,7 @@ from __future__ import print_function
import os import os
import sys import sys
# add python path of PadleDetection to sys.path # add python path of PaddleDetection to sys.path
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2))) parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 2)))
sys.path.insert(0, parent_path) sys.path.insert(0, parent_path)
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册