EADST

PPOCR Common Commands

PPOCR is a open-source OCR framework with the PaddlePaddle environment.

Here are common commands.

# Train
python tools/train.py -c configs/rec/config_name.yml
# Train with Multi-GPU
python -m paddle.distributed.launch --gpus='0,1' tools/train.py -c configs/rec/config_name.yml

# Val
python -m paddle.distributed.launch --gpus '0' tools/eval.py -c output/rec/config.yml -o Global.checkpoints=./output/rec/best_accuracy

# Predict
python tools/infer/predict_rec.py --image_dir="./test/" --rec_model_dir="./inference/rec" --rec_image_shape="3, 32, 100" --rec_char_type="ch" --rec_char_dict_path="./ppocr/utils/dictionary.txt"

# Model to Inference
python tools/export_model.py -c output/rec/config.yml -o Global.checkpoints=./output/rec/best_accuracy Global.save_inference_dir=./inference/rec     

# To ONNX
paddle2onnx -m /data/dong/ppocr/output/det/ --model_filename inference.pdmodel --params_filename inference.pdiparams -s det.onnx --opset_version 11

Reference:

https://aistudio.baidu.com/aistudio/projectdetail/3223879 https://github.com/PaddlePaddle/PaddleOCR/blob/release/2.4/doc/doc_ch/detection.md https://aistudio.baidu.com/aistudio/projectdetail/739559

相关标签
About Me
XD
Goals determine what you are going to be.
Category
标签云
ResNet-50 llama.cpp GoogLeNet CAM Hilton Google SVR Miniforge diffusers PDB BeautifulSoup Bin Hungarian Pytorch Crawler Qwen2 Math Claude 算法题 CEIR Hotel LLAMA Qwen2.5 证件照 Video OpenCV Plate LaTeX Disk Breakpoint SPIE Animate Template CC 财报 Distillation git-lfs Card Streamlit Logo OpenAI Mixtral Docker InvalidArgumentError DeepStream mmap 阿里云 Base64 Zip PyTorch Jetson Vmess TTS PyCharm AI Bitcoin IndexTTS2 FP32 第一性原理 多进程 Windows API Gemma Attention Datetime LeetCode Michelin TSV TensorFlow 腾讯云 Clash 搞笑 XML CSV RGB logger Qwen tqdm XGBoost C++ Numpy SAM Github Agent SQL GGML FP64 Pickle CUDA PIP Knowledge Pandas transformers Heatmap 多线程 CV 报税 版权 ModelScope Tracking ChatGPT Django WebCrawler 音频 Plotly COCO ONNX git 飞书 Freesound uWSGI GIT printf Image2Text QWEN HuggingFace TensorRT Data FP16 VSCode JSON LLM Bipartite Diagram Input Vim 关于博主 YOLO 域名 GPTQ Safetensors Tiktoken VGG-16 NLP FastAPI 净利润 Dataset 图形思考法 Bert Land WAN Tensor HaggingFace Linux Food hf Quantization Firewall Paddle BTC CLAP torchinfo Magnet Quantize Ptyhon DeepSeek v0.dev Jupyter Translation Password 递归学习法 公式 Git PDF Sklearn Nginx Web Review Random EXCEL NLTK Shortcut scipy LoRA uwsgi Color RAR SQLite Ubuntu v2ray Interview CTC Use Paper UNIX NameSilo Pillow Augmentation Cloudreve 签证 VPN Markdown Algorithm Excel GPT4 UI BF16 Permission Anaconda FP8 tar Baidu Statistics OCR FlashAttention MD5 Conda 继承 Proxy Domain Transformers Llama Website Python
站点统计

本站现有博文315篇,共被浏览746105

本站已经建立2393天!

热门文章
文章归档
回到顶部