Pinned Repositories
CRNN_Tensorflow
Convolutional Recurrent Neural Networks(CRNN) for Scene Text Recognition
DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,近30万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
EAST
A tensorflow implementation of EAST text detector
faster-rcnn.pytorch_fourpoints
likequanmintv
基于MVP的Retrofit2(okhttp3)+rxjava+dagger2+greendao+glide+rtmp直播。该项目系仿全民TV,属于独立开发者作品,仅供参考学习,拒绝做一切商业用途,如有侵权,请告知删除
MyMmdetection
pytorch-image-models
PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2, MNASNet, Single-Path NAS, FBNet, and more
R2CNN_Faster-RCNN_Tensorflow
Rotational region detection based on Faster-RCNN.
SRNet-1
A pytorch implementation of the SRNet architecture from the paper Editing text in the wild (Liang Wu et al.)
text-classification-cnn-rnn
CNN-RNN中文文本分类,基于TensorFlow
endy-see's Repositories
endy-see/SRNet-1
A pytorch implementation of the SRNet architecture from the paper Editing text in the wild (Liang Wu et al.)
endy-see/CRNN_Tensorflow
Convolutional Recurrent Neural Networks(CRNN) for Scene Text Recognition
endy-see/EAST
A tensorflow implementation of EAST text detector
endy-see/faster-rcnn.pytorch_fourpoints
endy-see/MyMmdetection
endy-see/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2, MNASNet, Single-Path NAS, FBNet, and more
endy-see/R2CNN_Faster-RCNN_Tensorflow
Rotational region detection based on Faster-RCNN.
endy-see/2019-CCF-BDCI-OCR-MCZJ-OCR-IdentificationIDElement
2019CCF-BDCI大赛 最佳创新探索奖获得者 基于OCR身份证要素提取赛题冠军 天晨破晓团队 赛题源码
endy-see/AlgorithmPython
endy-see/DenseBox
Implemention of Baidu's DenseBox used for multi-task learning of object detection and landmark(key-point) localization 用PyTorch实现了百度的DenseBox并针对任意宽高比矩形(不仅限于方形)的目标检测做了优化,不仅可以输出关键点的热力图(heatmap)而且可以输出每个bbox对应关键点坐标
endy-see/DGAM-Weakly-Supervised-Action-Localization
Code for our paper "Weakly-Supervised Action Localization by Generative Attention Modeling" (CVPR2020)
endy-see/faster-rcnn.pytorch
endy-see/FET-GAN
FET-GAN: Font Effect Transfer via K-shot Adaptive Instance Normalization. AAAI 2020 oral.
endy-see/GeneralCodeRepo
Generate a code repo that best suits my usage habits
endy-see/LeetCode
LeetCode solutions with Chinese explanation & Summary of classic algorithms.
endy-see/leetcode-master
LeetCode 刷题攻略:配思维导图,100+经典算法题目刷题顺序、经典算法模板、共40w字的详细图解,以及难点视频题解。按照刷题攻略上的顺序来刷题,让你在算法学习上不再迷茫!🔥🔥给个star支持一下吧!🚀
endy-see/MMdnn
MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch Onnx and CoreML.
endy-see/models
Models and examples built with TensorFlow
endy-see/MyPytorch-Faster-Rcnn
endy-see/PaddleEast
endy-see/PaddleOCR
基于飞桨的OCR工具库,包含总模型仅8.6M的超轻量级中文OCR,单模型支持中英文数字组合识别、竖排文本识别、长文本识别。同时支持多种文本检测、文本识别的训练算法。
endy-see/PaddleVideo
Comprehensive, latest, and deployable video deep learning algorithm, including video recognition, action localization, and temporal action detection tasks. It's a high-performance, light-weight codebase provides practical models for video understanding research and application
endy-see/PDF-Guru
A Multi-purpose PDF file processing tool with a nice UI that supports merge, split, rotate, reorder, delete, scale, crop, watermark, encrypt/decrypt, bookmark, extract, compress, etc.
endy-see/PICK-pytorch
Code for the paper "PICK: Processing Key Information Extraction from Documents using Improved Graph Learning-Convolutional Networks" (ICPR 2020)
endy-see/pytorch-faster-rcnn
pytorch1.0 updated. Support cpu test and demo.
endy-see/semi-supervised-ImageNet1K-models
Semi-supervised ImageNet1K models
endy-see/SRNet
A tensorflow reproducing of paper “Editing Text in the wild”
endy-see/tensorflow-ocr
🖺 OCR using tensorflow with attention
endy-see/text_renderer
Generate text images for training deep learning ocr model
endy-see/YOLOv3_TensorFlow
Complete YOLO v3 TensorFlow implementation. Support training on your own dataset.