Pinned Repositories
100-Days-of-ML-Code-Chinese-Version
Chinese Translation for Machine Learning Infographics
111
AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
awesome-deep-text-detection-recognition
A curated list of resources for text detection/recognition (optical character recognition ) with deep learning methods.
caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
Char-RNN-TensorFlow
Multi-language Char RNN for TensorFlow >= 1.2.
chinese_ocr
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
chineseocr
yolo3+ocr
CVPR2020-Code
CVPR 2020 论文开源项目合集
Hands-on-Machine-Learning
A series of Jupyter notebooks with Chinese comment that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
wanggebi1's Repositories
wanggebi1/Hands-on-Machine-Learning
A series of Jupyter notebooks with Chinese comment that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
wanggebi1/111
wanggebi1/AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
wanggebi1/awesome-deep-text-detection-recognition
A curated list of resources for text detection/recognition (optical character recognition ) with deep learning methods.
wanggebi1/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
wanggebi1/chinese_ocr
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
wanggebi1/chineseocr
yolo3+ocr
wanggebi1/CVPR2020-Code
CVPR 2020 论文开源项目合集
wanggebi1/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被全球175所大学采用教学。
wanggebi1/gold-miner
🥇掘金翻译计划,可能是世界最大最好的英译中技术社区,最懂读者和译者的翻译平台:
wanggebi1/imgaug
Image augmentation for machine learning experiments.
wanggebi1/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
wanggebi1/kaggle
Kaggle 项目实战(教程) = 文档 + 代码 + 视频(欢迎参与)
wanggebi1/nlp
:memo: This repository recorded my NLP journey.
wanggebi1/nlp-beginner
NLP上手教程
wanggebi1/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
wanggebi1/OCR-Corrector
利用语言模型,纠正OCR识别错误
wanggebi1/PaddleOCR
Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
wanggebi1/PICK-pytorch
Code for the paper "PICK: Processing Key Information Extraction from Documents using Improved Graph Learning-Convolutional Networks" (ICPR 2020)
wanggebi1/pytorch-doc-zh
PyTorch 中文文档
wanggebi1/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
wanggebi1/pytorch-human-performance-gec
A PyTorch implementation of "Reaching Human-level Performance in Automatic Grammatical Error Correction: An Empirical Study"
wanggebi1/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
wanggebi1/PyTorch-Tutorial
Build your neural network easy and fast
wanggebi1/text_renderer
Generate text images for training deep learning ocr model
wanggebi1/TextRecognitionDataGenerator
A synthetic data generator for text recognition
wanggebi1/unet-denoising-dirty-documents
参考眼底图像血管分割retina-unet实现的文档去噪、去水印
wanggebi1/ustcthesis
LaTeX template for USTC thesis
wanggebi1/wikipedia-data-science
Working with and analyzing Wikipedia Data
wanggebi1/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.