Skip to content

Commit

Permalink
Fix some words (#7667)
Browse files Browse the repository at this point in the history
  • Loading branch information
co63oc authored Feb 1, 2023
1 parent ffce121 commit 161ff33
Show file tree
Hide file tree
Showing 32 changed files with 35 additions and 35 deletions.
2 changes: 1 addition & 1 deletion configs/slim/ofa/ofa_picodet_demo.yml
Original file line number Diff line number Diff line change
Expand Up @@ -23,7 +23,7 @@ OFA:
'backbone.4_1._conv_pw_mv1._conv', 'backbone.4_2._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: [
['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'],
Expand Down
6 changes: 3 additions & 3 deletions configs/sniper/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -10,16 +10,16 @@ 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) |

### Note
- Here, we use VisDrone dataset, and to detect 9 objects including `person, bicycles, car, van, truck, tricyle, awning-tricyle, bus, motor`.
- Do not support deploy by now because sniper dataset crop behavor.
- 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 behavior.

## Getting Start
### 1. Training
a. optional: Run `tools/sniper_params_stats.py` to get image_target_sizes\valid_box_ratio_ranges\chip_target_size\chip_target_stride,and modify this params in configs/datasets/sniper_coco_detection.yml
```bash
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
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 &
```
Expand Down
2 changes: 1 addition & 1 deletion configs/ssd/_base_/ssd_vgg16_300.yml
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
architecture: SSD
pretrain_weights: https://paddledet.bj.bcebos.com/models/pretrained/VGG16_caffe_pretrained.pdparams

# Model Achitecture
# Model Architecture
SSD:
# model feat info flow
backbone: VGG
Expand Down
2 changes: 1 addition & 1 deletion dataset/coco/download_coco.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
import sys
import os.path as osp
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)))
if parent_path not in sys.path:
sys.path.append(parent_path)
Expand Down
2 changes: 1 addition & 1 deletion dataset/roadsign_voc/download_roadsign_voc.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
import sys
import os.path as osp
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)))
if parent_path not in sys.path:
sys.path.append(parent_path)
Expand Down
2 changes: 1 addition & 1 deletion dataset/spine_coco/download_spine_coco.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
import sys
import os.path as osp
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)))
if parent_path not in sys.path:
sys.path.append(parent_path)
Expand Down
2 changes: 1 addition & 1 deletion dataset/voc/create_list.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
import sys
import os.path as osp
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)))
if parent_path not in sys.path:
sys.path.append(parent_path)
Expand Down
2 changes: 1 addition & 1 deletion dataset/voc/download_voc.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
import sys
import os.path as osp
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)))
if parent_path not in sys.path:
sys.path.append(parent_path)
Expand Down
4 changes: 2 additions & 2 deletions deploy/benchmark/log_parser_excel.py
Original file line number Diff line number Diff line change
Expand Up @@ -195,7 +195,7 @@ def trt_perf_analysis(raw_df):
gpu_df = raw_df.loc[raw_df['runtime_device'] == 'gpu']
new_df = filter_df_merge(gpu_df, "precision")

# calculate qps diff percentail
# calculate qps diff percentile
infer_fp32 = "inference_time(ms)_precision_fp32"
infer_fp16 = "inference_time(ms)_precision_fp16"
infer_int8 = "inference_time(ms)_precision_int8"
Expand Down Expand Up @@ -228,7 +228,7 @@ def mkl_perf_analysis(raw_df):
output_thread_df = filter_df_merge(thread_compare_df,
'cpu_math_library_num_threads')

# calculate performance diff percentail
# calculate performance diff percentile
# compare mkl performance with cpu
enable_mkldnn = "inference_time(ms)_enable_mkldnn_True"
disable_mkldnn = "inference_time(ms)_enable_mkldnn_False"
Expand Down
2 changes: 1 addition & 1 deletion deploy/cpp/docs/windows_vs2019_build.md
Original file line number Diff line number Diff line change
Expand Up @@ -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) )
* 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/)

**特别注意:windows下预测库需要的TensorRT版本为:**
Expand Down
2 changes: 1 addition & 1 deletion deploy/cpp/src/keypoint_detector.cc
Original file line number Diff line number Diff line change
Expand Up @@ -95,7 +95,7 @@ void KeyPointDetector::LoadModel(const std::string& model_dir,
predictor_ = std::move(CreatePredictor(config));
}

// Visualiztion MaskDetector results
// Visualization MaskDetector results
cv::Mat VisualizeKptsResult(const cv::Mat& img,
const std::vector<KeyPointResult>& results,
const std::vector<int>& colormap) {
Expand Down
2 changes: 1 addition & 1 deletion deploy/pipeline/pipeline.py
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,7 @@
from collections import Sequence, defaultdict
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion deploy/pipeline/pphuman/action_infer.py
Original file line number Diff line number Diff line change
Expand Up @@ -23,7 +23,7 @@
import sys
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion deploy/pipeline/pphuman/attr_infer.py
Original file line number Diff line number Diff line change
Expand Up @@ -25,7 +25,7 @@
from paddle.inference import create_predictor

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__, *(['..'])))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion deploy/pipeline/pphuman/mtmct.py
Original file line number Diff line number Diff line change
Expand Up @@ -202,7 +202,7 @@ def get_cosine(x, y, eps=1e-12):
Computes cosine distance between two tensors.
The cosine distance is the inverse cosine similarity
-> 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)
return sim_mt
Expand Down
2 changes: 1 addition & 1 deletion deploy/pipeline/pphuman/reid.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,7 @@
import sys
import cv2
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion deploy/pipeline/pphuman/video_action_infer.py
Original file line number Diff line number Diff line change
Expand Up @@ -24,7 +24,7 @@
from collections import Sequence
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion deploy/pipeline/ppvehicle/vehicle_attr.py
Original file line number Diff line number Diff line change
Expand Up @@ -23,7 +23,7 @@
import sys
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion deploy/pptracking/python/det_infer.py
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,7 @@
from paddle.inference import create_predictor

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__, *(['..'])))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion deploy/python/infer.py
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,7 @@
from paddle.inference import create_predictor

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__, *(['..'])))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion deploy/python/keypoint_infer.py
Original file line number Diff line number Diff line change
Expand Up @@ -25,7 +25,7 @@
import paddle

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__, *(['..'])))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion ppdet/modeling/tests/test_ops.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,7 @@

from __future__ import print_function
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)))
if parent_path not in sys.path:
sys.path.append(parent_path)
Expand Down
2 changes: 1 addition & 1 deletion ppdet/modeling/tests/test_yolov3_loss.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@

import paddle
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 sys
parent_path = os.path.abspath(os.path.join(__file__, *(['..'] * 4)))
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -21,7 +21,7 @@
import random
import numpy as np
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)))
if parent_path not in sys.path:
sys.path.append(parent_path)
Expand Down
2 changes: 1 addition & 1 deletion tools/anchor_cluster.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@

import os
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion tools/eval.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
import os
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion tools/eval_mot.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
import os
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion tools/export_model.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
import os
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion tools/infer.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
import os
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion tools/infer_mot.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
import os
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion tools/post_quant.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
import os
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)))
sys.path.insert(0, parent_path)

Expand Down
2 changes: 1 addition & 1 deletion tools/train.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,7 @@
import os
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)))
sys.path.insert(0, parent_path)

Expand Down

0 comments on commit 161ff33

Please sign in to comment.