tlittletime's Stars
spmallick/learnopencv
Learn OpenCV : C++ and Python Examples
d2l-ai/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被70多个国家的500多所大学用于教学。
Randl/MobileNetV2-pytorch
Impementation of MobileNetV2 in pytorch
fizyr/keras-retinanet
Keras implementation of RetinaNet object detection.
jwyang/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
spro/practical-pytorch
Go to https://github.com/pytorch/tutorials - this repo is deprecated and no longer maintained
SeanNaren/warp-ctc
Pytorch Bindings for warp-ctc
L1aoXingyu/code-of-learn-deep-learning-with-pytorch
This is code of book "Learn Deep Learning with PyTorch"
ruiminshen/yolo2-pytorch
PyTorch implementation of the YOLO (You Only Look Once) v2
tianzhi0549/CTPN
Detecting Text in Natural Image with Connectionist Text Proposal Network (ECCV'16)
bear63/sceneReco
ctpn+crnn Scene character recognition
yunjey/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
ankush-me/SynthText
Code for generating synthetic text images as described in "Synthetic Data for Text Localisation in Natural Images", Ankush Gupta, Andrea Vedaldi, Andrew Zisserman, CVPR 2016.
oyxhust/CNN-LSTM-CTC-text-recognition
CNN and LSTM model for text recognition
gpleiss/efficient_densenet_pytorch
A memory-efficient implementation of DenseNets
senlinuc/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
shaohua0116/Activation-Visualization-Histogram
Compare SELUs (scaled exponential linear units) with other activations on MNIST, CIFAR10, etc.
naturomics/CapsNet-Tensorflow
A Tensorflow implementation of CapsNet(Capsules Net) in paper Dynamic Routing Between Capsules
bharatsingh430/soft-nms
Object Detection
meijieru/crnn.pytorch
Convolutional recurrent network in pytorch
bgshih/crnn
Convolutional Recurrent Neural Network (CRNN) for image-based sequence recognition.
AlexeyAB/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
AlexeyAB/Yolo_mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
tesseract-ocr/tesseract
Tesseract Open Source OCR Engine (main repository)
uploadcare/pillow-simd
The friendly PIL fork
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
cocodataset/cocoapi
COCO API - Dataset @ http://cocodataset.org/
kuangliu/pytorch-retinanet
RetinaNet in PyTorch
facebookresearch/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
livezingy/merged-characters-segmentation
Algorithm implementation of the "The Robustness of “Connecting Characters Together” CAPTCHAs". The test data set is the TAOBAO CAPTCHA that composed of blue character and white background.