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

本站现有博文320篇,共被浏览757130

本站已经建立2422天!

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