Skip to content

Commit 8cbcb26

Browse files
committed
docs: remove Python 3.7 related expressions
1 parent 9b8ac8d commit 8cbcb26

File tree

15 files changed

+19
-18
lines changed

15 files changed

+19
-18
lines changed

deploy/paddle2onnx/readme.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -97,7 +97,7 @@ After execution, the ONNX model will be saved in `./inference/det_onnx/`, `./inf
9797
Take the English OCR model as an example, use **ONNXRuntime** to predict and execute the following commands:
9898

9999
```
100-
python3.7 tools/infer/predict_system.py --use_gpu=False --use_onnx=True \
100+
python3 tools/infer/predict_system.py --use_gpu=False --use_onnx=True \
101101
--det_model_dir=./inference/det_onnx/model.onnx \
102102
--rec_model_dir=./inference/rec_onnx/model.onnx \
103103
--cls_model_dir=./inference/cls_onnx/model.onnx \
@@ -108,7 +108,7 @@ python3.7 tools/infer/predict_system.py --use_gpu=False --use_onnx=True \
108108
Taking the English OCR model as an example, use **Paddle Inference** to predict and execute the following commands:
109109

110110
```
111-
python3.7 tools/infer/predict_system.py --use_gpu=False \
111+
python3 tools/infer/predict_system.py --use_gpu=False \
112112
--cls_model_dir=./inference/ch_ppocr_mobile_v2.0_cls_infer \
113113
--rec_model_dir=./inference/en_PP-OCRv3_rec_infer \
114114
--det_model_dir=./inference/en_PP-OCRv3_det_infer \

deploy/slim/prune/README.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -52,14 +52,14 @@ sen.pickle(Dict){
5252

5353
进入PaddleOCR根目录,通过以下命令对模型进行敏感度分析训练:
5454
```bash
55-
python3.7 deploy/slim/prune/sensitivity_anal.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model="your trained model" Global.save_model_dir=./output/prune_model/
55+
python3 deploy/slim/prune/sensitivity_anal.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model="your trained model" Global.save_model_dir=./output/prune_model/
5656
```
5757

5858
### 4. 导出模型、预测部署
5959

6060
在得到裁剪训练保存的模型后,我们可以将其导出为inference_model:
6161
```bash
62-
pytho3.7 deploy/slim/prune/export_prune_model.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model=./output/det_db/best_accuracy Global.save_inference_dir=./prune/prune_inference_model
62+
pytho3 deploy/slim/prune/export_prune_model.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model=./output/det_db/best_accuracy Global.save_inference_dir=./prune/prune_inference_model
6363
```
6464

6565
inference model的预测和部署参考:

deploy/slim/prune/README_en.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -57,7 +57,7 @@ example:
5757
Enter the PaddleOCR root directory,perform sensitivity analysis on the model with the following command:
5858

5959
```bash
60-
python3.7 deploy/slim/prune/sensitivity_anal.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model="your trained model" Global.save_model_dir=./output/prune_model/
60+
python3 deploy/slim/prune/sensitivity_anal.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model="your trained model" Global.save_model_dir=./output/prune_model/
6161
```
6262

6363

docs/algorithm/table_recognition/algorithm_table_master.en.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -48,7 +48,7 @@ Execute the following command for model inference:
4848
```bash linenums="1"
4949
cd ppstructure/
5050
# When predicting all images in a folder, you can modify image_dir to a folder, such as --image_dir='docs/table'.
51-
python3.7 table/predict_structure.py --table_model_dir=../output/table_master/table_structure_tablemaster_infer/ --table_algorithm=TableMaster --table_char_dict_path=../ppocr/utils/dict/table_master_structure_dict.txt --table_max_len=480 --image_dir=docs/table/table.jpg
51+
python3 table/predict_structure.py --table_model_dir=../output/table_master/table_structure_tablemaster_infer/ --table_algorithm=TableMaster --table_char_dict_path=../ppocr/utils/dict/table_master_structure_dict.txt --table_max_len=480 --image_dir=docs/table/table.jpg
5252
```
5353

5454
After executing the command, the prediction results of the above image (structural information and the coordinates of each cell in the table) are printed to the screen, and the visualization of the cell coordinates is also saved. An example is as follows:

docs/algorithm/table_recognition/algorithm_table_master.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -55,7 +55,7 @@ python3 tools/export_model.py -c configs/table/table_master.yml -o Global.pretra
5555

5656
```bash linenums="1"
5757
cd ppstructure/
58-
python3.7 table/predict_structure.py --table_model_dir=../output/table_master/table_structure_tablemaster_infer/ --table_algorithm=TableMaster --table_char_dict_path=../ppocr/utils/dict/table_master_structure_dict.txt --table_max_len=480 --image_dir=docs/table/table.jpg
58+
python3 table/predict_structure.py --table_model_dir=../output/table_master/table_structure_tablemaster_infer/ --table_algorithm=TableMaster --table_char_dict_path=../ppocr/utils/dict/table_master_structure_dict.txt --table_max_len=480 --image_dir=docs/table/table.jpg
5959
# 预测文件夹下所有图像时,可修改image_dir为文件夹,如 --image_dir='docs/table'。
6060
```
6161

docs/applications/轻量级车牌识别.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -316,7 +316,7 @@ python tools/eval.py -c configs/det/ch_PP-OCRv3/ch_PP-OCRv3_det_student.yml -o \
316316
量化训练可通过如下命令启动:
317317

318318
```bash linenums="1"
319-
python3.7 deploy/slim/quantization/quant.py -c configs/det/ch_PP-OCRv3/ch_PP-OCRv3_det_student.yml -o \
319+
python3 deploy/slim/quantization/quant.py -c configs/det/ch_PP-OCRv3/ch_PP-OCRv3_det_student.yml -o \
320320
Global.pretrained_model=output/CCPD/det/best_accuracy.pdparams \
321321
Global.save_model_dir=output/CCPD/det_quant \
322322
Global.eval_batch_step="[0, 772]" \
@@ -538,7 +538,7 @@ python tools/eval.py -c configs/rec/PP-OCRv3/ch_PP-OCRv3_rec.yml -o \
538538
量化训练可通过如下命令启动:
539539

540540
```bash linenums="1"
541-
python3.7 deploy/slim/quantization/quant.py -c configs/rec/PP-OCRv3/ch_PP-OCRv3_rec.yml -o \
541+
python3 deploy/slim/quantization/quant.py -c configs/rec/PP-OCRv3/ch_PP-OCRv3_rec.yml -o \
542542
Global.pretrained_model=output/CCPD/rec/best_accuracy.pdparams \
543543
Global.save_model_dir=output/CCPD/rec_quant/ \
544544
Global.eval_batch_step="[0, 90]" \

docs/ppocr/environment.en.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,7 @@ Windows and Mac users are recommended to use Anaconda to build a Python environm
99
Recommended working environment:
1010

1111
- PaddlePaddle >= 2.1.2
12-
- Python 3.7
12+
- Python 3
1313
- CUDA 10.1 / CUDA 10.2
1414
- cuDNN 7.6
1515

docs/ppocr/environment.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,7 @@ Windows和Mac用户推荐使用Anaconda搭建Python环境,Linux用户建议使
1010
推荐环境:
1111

1212
- PaddlePaddle >= 2.1.2
13-
- Python 3.7
13+
- Python 3
1414
- CUDA10.1 / CUDA10.2
1515
- CUDNN 7.6
1616

docs/ppocr/installation.en.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -8,8 +8,8 @@ After testing, PaddleOCR can run on glibc 2.23. You can also test other glibc ve
88

99
PaddleOCR working environment:
1010

11-
- PaddlePaddle 2.0.0
12-
- Python 3.7
11+
- PaddlePaddle > 2.0.0
12+
- Python 3
1313
- glibc 2.23
1414

1515
It is recommended to use the docker provided by us to run PaddleOCR. Please refer to the docker tutorial [link](https://www.runoob.com/docker/docker-tutorial.html/).

docs/ppocr/installation.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,7 @@ comments: true
88
PaddleOCR 工作环境
99

1010
- PaddlePaddle 2.0.0
11-
- python3.7
11+
- python3
1212
- glibc 2.23
1313
- cuDNN 7.6+ (GPU)
1414

docs/ppocr/model_compress/prune.en.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -58,7 +58,7 @@ The function would return a dict after loading the sensitivity file. The keys of
5858
Enter the PaddleOCR root directory,perform sensitivity analysis on the model with the following command:
5959

6060
```bash linenums="1"
61-
python3.7 deploy/slim/prune/sensitivity_anal.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model="your trained model" Global.save_model_dir=./output/prune_model/
61+
python3 deploy/slim/prune/sensitivity_anal.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model="your trained model" Global.save_model_dir=./output/prune_model/
6262
```
6363

6464
### 5. Export inference model and deploy it

docs/ppocr/model_compress/prune.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -54,7 +54,7 @@ sen.pickle(Dict){
5454
进入PaddleOCR根目录,通过以下命令对模型进行敏感度分析训练:
5555

5656
```bash linenums="1"
57-
python3.7 deploy/slim/prune/sensitivity_anal.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model="your trained model" Global.save_model_dir=./output/prune_model/
57+
python3 deploy/slim/prune/sensitivity_anal.py -c configs/det/ch_ppocr_v2.0/ch_det_mv3_db_v2.0.yml -o Global.pretrained_model="your trained model" Global.save_model_dir=./output/prune_model/
5858
```
5959

6060
### 4.导出模型、预测部署

docs/ppstructure/model_train/train_table.en.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -68,7 +68,7 @@ wget https://paddleocr.bj.bcebos.com/PP-OCRv3/chinese/ch_PP-OCRv3_rec_infer.tar
6868
wget https://paddleocr.bj.bcebos.com/ppstructure/models/slanet/paddle3.0b2/ch_ppstructure_mobile_v2.0_SLANet_infer.tar && tar xf ch_ppstructure_mobile_v2.0_SLANet_infer.tar
6969
cd ..
7070
# run
71-
python3.7 table/predict_table.py \
71+
python3 table/predict_table.py \
7272
--det_model_dir=inference/ch_PP-OCRv3_det_infer \
7373
--rec_model_dir=inference/ch_PP-OCRv3_rec_infer \
7474
--table_model_dir=inference/ch_ppstructure_mobile_v2.0_SLANet_infer \

mkdocs.yml

Lines changed: 1 addition & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -205,6 +205,7 @@ plugins:
205205
branch: main
206206
token: !!python/object/apply:os.getenv ["MKDOCS_GIT_COMMITTERS_APIKEY"]
207207
- git-revision-date-localized:
208+
fallback_to_build_date: false
208209
enable_creation_date: true
209210

210211
markdown_extensions:

ppstructure/table/README.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -70,7 +70,7 @@ wget https://paddleocr.bj.bcebos.com/PP-OCRv3/chinese/ch_PP-OCRv3_rec_infer.tar
7070
wget https://paddleocr.bj.bcebos.com/ppstructure/models/slanet/paddle3.0b2/ch_ppstructure_mobile_v2.0_SLANet_infer.tar && tar xf ch_ppstructure_mobile_v2.0_SLANet_infer.tar
7171
cd ..
7272
# run
73-
python3.7 table/predict_table.py \
73+
python3 table/predict_table.py \
7474
--det_model_dir=inference/ch_PP-OCRv3_det_infer \
7575
--rec_model_dir=inference/ch_PP-OCRv3_rec_infer \
7676
--table_model_dir=inference/ch_ppstructure_mobile_v2.0_SLANet_infer \

0 commit comments

Comments
 (0)