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

本站现有博文311篇,共被浏览742320

本站已经建立2382天!

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