From 161ff33c620c3eb5fac77713bd28e7cb20733610 Mon Sep 17 00:00:00 2001 From: chenxujun Date: Wed, 1 Feb 2023 13:48:17 +0800 Subject: [PATCH] Fix some words (#7667) --- configs/slim/ofa/ofa_picodet_demo.yml | 2 +- configs/sniper/README.md | 6 +++--- configs/ssd/_base_/ssd_vgg16_300.yml | 2 +- dataset/coco/download_coco.py | 2 +- dataset/roadsign_voc/download_roadsign_voc.py | 2 +- dataset/spine_coco/download_spine_coco.py | 2 +- dataset/voc/create_list.py | 2 +- dataset/voc/download_voc.py | 2 +- deploy/benchmark/log_parser_excel.py | 4 ++-- deploy/cpp/docs/windows_vs2019_build.md | 2 +- deploy/cpp/src/keypoint_detector.cc | 2 +- deploy/pipeline/pipeline.py | 2 +- deploy/pipeline/pphuman/action_infer.py | 2 +- deploy/pipeline/pphuman/attr_infer.py | 2 +- deploy/pipeline/pphuman/mtmct.py | 2 +- deploy/pipeline/pphuman/reid.py | 2 +- deploy/pipeline/pphuman/video_action_infer.py | 2 +- deploy/pipeline/ppvehicle/vehicle_attr.py | 2 +- deploy/pptracking/python/det_infer.py | 2 +- deploy/python/infer.py | 2 +- deploy/python/keypoint_infer.py | 2 +- ppdet/modeling/tests/test_ops.py | 2 +- ppdet/modeling/tests/test_yolov3_loss.py | 2 +- .../transformers/ext_op/test_ms_deformable_attn_op.py | 2 +- tools/anchor_cluster.py | 2 +- tools/eval.py | 2 +- tools/eval_mot.py | 2 +- tools/export_model.py | 2 +- tools/infer.py | 2 +- tools/infer_mot.py | 2 +- tools/post_quant.py | 2 +- tools/train.py | 2 +- 32 files changed, 35 insertions(+), 35 deletions(-) diff --git a/configs/slim/ofa/ofa_picodet_demo.yml b/configs/slim/ofa/ofa_picodet_demo.yml index b770918c8..a5ade9e31 100644 --- a/configs/slim/ofa/ofa_picodet_demo.yml +++ b/configs/slim/ofa/ofa_picodet_demo.yml @@ -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'], diff --git a/configs/sniper/README.md b/configs/sniper/README.md index 8a9e2e77b..3aadee560 100644 --- a/configs/sniper/README.md +++ b/configs/sniper/README.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) | ### 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 @@ -19,7 +19,7 @@ a. optional: Run `tools/sniper_params_stats.py` to get image_target_sizes\valid_ ```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 & ``` diff --git a/configs/ssd/_base_/ssd_vgg16_300.yml b/configs/ssd/_base_/ssd_vgg16_300.yml index 59821054d..8d322d9c1 100644 --- a/configs/ssd/_base_/ssd_vgg16_300.yml +++ b/configs/ssd/_base_/ssd_vgg16_300.yml @@ -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 diff --git a/dataset/coco/download_coco.py b/dataset/coco/download_coco.py index 47659fa76..993218fff 100644 --- a/dataset/coco/download_coco.py +++ b/dataset/coco/download_coco.py @@ -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) diff --git a/dataset/roadsign_voc/download_roadsign_voc.py b/dataset/roadsign_voc/download_roadsign_voc.py index 3cb517d3c..7d8ef2252 100644 --- a/dataset/roadsign_voc/download_roadsign_voc.py +++ b/dataset/roadsign_voc/download_roadsign_voc.py @@ -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) diff --git a/dataset/spine_coco/download_spine_coco.py b/dataset/spine_coco/download_spine_coco.py index 77d63391c..2b23dd638 100644 --- a/dataset/spine_coco/download_spine_coco.py +++ b/dataset/spine_coco/download_spine_coco.py @@ -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) diff --git a/dataset/voc/create_list.py b/dataset/voc/create_list.py index 5ab804222..769607344 100644 --- a/dataset/voc/create_list.py +++ b/dataset/voc/create_list.py @@ -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) diff --git a/dataset/voc/download_voc.py b/dataset/voc/download_voc.py index e4c449ce2..2375fbf3c 100644 --- a/dataset/voc/download_voc.py +++ b/dataset/voc/download_voc.py @@ -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) diff --git a/deploy/benchmark/log_parser_excel.py b/deploy/benchmark/log_parser_excel.py index 2375e9634..317b37595 100644 --- a/deploy/benchmark/log_parser_excel.py +++ b/deploy/benchmark/log_parser_excel.py @@ -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" @@ -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" diff --git a/deploy/cpp/docs/windows_vs2019_build.md b/deploy/cpp/docs/windows_vs2019_build.md index 9fbfcf204..1a23cabc7 100755 --- a/deploy/cpp/docs/windows_vs2019_build.md +++ b/deploy/cpp/docs/windows_vs2019_build.md @@ -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版本为:**。 diff --git a/deploy/cpp/src/keypoint_detector.cc b/deploy/cpp/src/keypoint_detector.cc index 18af79e31..b0ee88456 100644 --- a/deploy/cpp/src/keypoint_detector.cc +++ b/deploy/cpp/src/keypoint_detector.cc @@ -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& results, const std::vector& colormap) { diff --git a/deploy/pipeline/pipeline.py b/deploy/pipeline/pipeline.py index 80af8c521..04fcfc28b 100644 --- a/deploy/pipeline/pipeline.py +++ b/deploy/pipeline/pipeline.py @@ -27,7 +27,7 @@ import time 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) diff --git a/deploy/pipeline/pphuman/action_infer.py b/deploy/pipeline/pphuman/action_infer.py index 3e2f397cf..b04bd3f88 100644 --- a/deploy/pipeline/pphuman/action_infer.py +++ b/deploy/pipeline/pphuman/action_infer.py @@ -23,7 +23,7 @@ import paddle 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) diff --git a/deploy/pipeline/pphuman/attr_infer.py b/deploy/pipeline/pphuman/attr_infer.py index 40ccad05f..bf9e80bec 100644 --- a/deploy/pipeline/pphuman/attr_infer.py +++ b/deploy/pipeline/pphuman/attr_infer.py @@ -25,7 +25,7 @@ from paddle.inference import Config 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) diff --git a/deploy/pipeline/pphuman/mtmct.py b/deploy/pipeline/pphuman/mtmct.py index bb45432a0..f7ff199f9 100644 --- a/deploy/pipeline/pphuman/mtmct.py +++ b/deploy/pipeline/pphuman/mtmct.py @@ -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 diff --git a/deploy/pipeline/pphuman/reid.py b/deploy/pipeline/pphuman/reid.py index c20ede3f4..21b725ce4 100644 --- a/deploy/pipeline/pphuman/reid.py +++ b/deploy/pipeline/pphuman/reid.py @@ -16,7 +16,7 @@ import os 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) diff --git a/deploy/pipeline/pphuman/video_action_infer.py b/deploy/pipeline/pphuman/video_action_infer.py index aecaa7696..e5e6c10ec 100644 --- a/deploy/pipeline/pphuman/video_action_infer.py +++ b/deploy/pipeline/pphuman/video_action_infer.py @@ -24,7 +24,7 @@ import sys 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) diff --git a/deploy/pipeline/ppvehicle/vehicle_attr.py b/deploy/pipeline/ppvehicle/vehicle_attr.py index 9e20d95ca..4f7923f61 100644 --- a/deploy/pipeline/ppvehicle/vehicle_attr.py +++ b/deploy/pipeline/ppvehicle/vehicle_attr.py @@ -23,7 +23,7 @@ import paddle 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) diff --git a/deploy/pptracking/python/det_infer.py b/deploy/pptracking/python/det_infer.py index cf99f0d70..3dec3e6d6 100644 --- a/deploy/pptracking/python/det_infer.py +++ b/deploy/pptracking/python/det_infer.py @@ -26,7 +26,7 @@ from paddle.inference import Config 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) diff --git a/deploy/python/infer.py b/deploy/python/infer.py index df206f22b..e86761abc 100644 --- a/deploy/python/infer.py +++ b/deploy/python/infer.py @@ -27,7 +27,7 @@ from paddle.inference import Config 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) diff --git a/deploy/python/keypoint_infer.py b/deploy/python/keypoint_infer.py index 70b813756..52e12fda7 100644 --- a/deploy/python/keypoint_infer.py +++ b/deploy/python/keypoint_infer.py @@ -25,7 +25,7 @@ import numpy as np 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) diff --git a/ppdet/modeling/tests/test_ops.py b/ppdet/modeling/tests/test_ops.py index 3614d5b9c..4827be5a7 100644 --- a/ppdet/modeling/tests/test_ops.py +++ b/ppdet/modeling/tests/test_ops.py @@ -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) diff --git a/ppdet/modeling/tests/test_yolov3_loss.py b/ppdet/modeling/tests/test_yolov3_loss.py index e3c1c403b..0ad1c8e80 100644 --- a/ppdet/modeling/tests/test_yolov3_loss.py +++ b/ppdet/modeling/tests/test_yolov3_loss.py @@ -18,7 +18,7 @@ import unittest 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))) diff --git a/ppdet/modeling/transformers/ext_op/test_ms_deformable_attn_op.py b/ppdet/modeling/transformers/ext_op/test_ms_deformable_attn_op.py index 67476fac4..94a05737c 100644 --- a/ppdet/modeling/transformers/ext_op/test_ms_deformable_attn_op.py +++ b/ppdet/modeling/transformers/ext_op/test_ms_deformable_attn_op.py @@ -21,7 +21,7 @@ import sys 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) diff --git a/tools/anchor_cluster.py b/tools/anchor_cluster.py index adfd869f0..e892d4030 100644 --- a/tools/anchor_cluster.py +++ b/tools/anchor_cluster.py @@ -18,7 +18,7 @@ from __future__ import print_function 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) diff --git a/tools/eval.py b/tools/eval.py index fc4b95b90..384a49790 100755 --- a/tools/eval.py +++ b/tools/eval.py @@ -19,7 +19,7 @@ from __future__ import print_function 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) diff --git a/tools/eval_mot.py b/tools/eval_mot.py index 9f09533a2..b88d0c4a1 100644 --- a/tools/eval_mot.py +++ b/tools/eval_mot.py @@ -19,7 +19,7 @@ from __future__ import print_function 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) diff --git a/tools/export_model.py b/tools/export_model.py index b239060eb..20cfcfaa5 100644 --- a/tools/export_model.py +++ b/tools/export_model.py @@ -19,7 +19,7 @@ from __future__ import print_function 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) diff --git a/tools/infer.py b/tools/infer.py index 2b92d7ba1..65fb3b725 100755 --- a/tools/infer.py +++ b/tools/infer.py @@ -19,7 +19,7 @@ from __future__ import print_function 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) diff --git a/tools/infer_mot.py b/tools/infer_mot.py index c93c47b63..547857bea 100644 --- a/tools/infer_mot.py +++ b/tools/infer_mot.py @@ -19,7 +19,7 @@ from __future__ import print_function 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) diff --git a/tools/post_quant.py b/tools/post_quant.py index 0c3404007..60acaccc8 100644 --- a/tools/post_quant.py +++ b/tools/post_quant.py @@ -19,7 +19,7 @@ from __future__ import print_function 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) diff --git a/tools/train.py b/tools/train.py index 6604495a2..ec846519e 100755 --- a/tools/train.py +++ b/tools/train.py @@ -19,7 +19,7 @@ from __future__ import print_function 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) -- GitLab