Pinned Repositories
2019-CCF-BDCI-OCR-MCZJ-OCR-IdentificationIDElement
2019CCF-BDCI大赛 最佳创新探索奖获得者 基于OCR身份证要素提取赛题冠军 天晨破晓团队 赛题源码
Attention_ocr.pytorch
This repository implements the the encoder and decoder model with attention model for OCR
caffe
Caffe: a fast open framework for deep learning.
caffe-tensorflow
Caffe models in TensorFlow
caffe-yolo-face-detection
caffe-yolov2
caffe-yolov3
A real-time object detection framework of Yolov3 based on caffe
learnopencv
Learn OpenCV : C++ and Python Examples
TensorRT-Yolov3
TensorRT for Yolov3
test_image_to_image
this is simple demo of image to image
persuelx's Repositories
persuelx/test_image_to_image
this is simple demo of image to image
persuelx/learnopencv
Learn OpenCV : C++ and Python Examples
persuelx/Clustering-Python
persuelx/crnn_libtorch
Deploy pytorch-trained model via libtorch
persuelx/darkflow
Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices
persuelx/DBNet-TensorRT
自然场景检测DBNet网络的tensorrt版本
persuelx/Edge-Computing-Engine
Edge : a computing engine base C++/C
persuelx/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
persuelx/Image-processing-algorithm
paper implement
persuelx/imbalanced-dataset-sampler
A (PyTorch) imbalanced dataset sampler for oversampling low frequent classes and undersampling high frequent ones.
persuelx/imutils
A series of convenience functions to make basic image processing operations such as translation, rotation, resizing, skeletonization, and displaying Matplotlib images easier with OpenCV and Python.
persuelx/Learn-CUDA-Programming
Learn CUDA Programming, published by Packt
persuelx/netron
Visualizer for neural network, deep learning and machine learning models
persuelx/Object-RPE
persuelx/onnx
Open standard for machine learning interoperability
persuelx/onnx-simplifier
Simplify your onnx model
persuelx/OpenCV-contrib-module-Chinese-Tutorials
OpenCV 扩展模块教程
persuelx/opencv_tutorials
Opencv4.0 with python (English&中文), and will keep the update ! 👊
persuelx/point-pillars
A fast PointPillar-Multihead lidar detector
persuelx/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
persuelx/pytorch-flask-api
persuelx/pytorch-summary
Model summary in PyTorch similar to `model.summary()` in Keras
persuelx/pytorch-template
PyTorch deep learning projects made easy.
persuelx/PyTorch_Tutorial
《Pytorch模型训练实用教程》中配套代码
persuelx/PytorchToCaffe
Pytorch model to caffe model, supported pytorch 0.3, 0.3.1, 0.4, 0.4.1 ,1.0 , 1.0.1 , 1.2 ,1.3 .notice that only pytorch 1.1 have some bugs
persuelx/ros_project_pc_to_image
persuelx/ShiYanLou
学习C & C++ & python&汇编语言 LLVM编译器 数据结构 算法 操作系统 单片机 linux 面试
persuelx/SimpleCVReproduction
reproduce the simplest cv work including classification, object detection, segmentation, keypoint detection, tracking etc.
persuelx/yolo-tensorrt
Support Yolov5s,m,l,x .darknet -> tensorrt. Yolov4 Yolov3 use raw darknet *.weights and *.cfg fils. If the wrapper is useful to you,please Star it.
persuelx/yolov2-yolov3_PyTorch