Pinned Repositories
AdvancedEAST
AdvancedEAST is an algorithm used for Scene image text detect, which is primarily based on EAST, and the significant improvement was also made, which make long text predictions more accurate.
adversarial-frcnn
A-Fast-RCNN (CVPR 2017)
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
AttentionOCR
Scene text recognition
Automatic-Corpus-Generation
This repository is for the paper "A Hybrid Approach to Automatic Corpus Generation for Chinese Spelling Check"
awesome-cbir-papers
Awesome and classical image retrieval papers
awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
benchmarking-chinese-text-recognition
This repository contains datasets and baselines for benchmarking Chinese text recognition.
caffe
Caffe: a fast open framework for deep learning.
caffe-model
Python script to generate prototxt on Caffe, specially the inception_v3 \ inception_v4 \ inception_resnet \ fractalnet
2016xjtuzyt's Repositories
2016xjtuzyt/AdvancedEAST
AdvancedEAST is an algorithm used for Scene image text detect, which is primarily based on EAST, and the significant improvement was also made, which make long text predictions more accurate.
2016xjtuzyt/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
2016xjtuzyt/Automatic-Corpus-Generation
This repository is for the paper "A Hybrid Approach to Automatic Corpus Generation for Chinese Spelling Check"
2016xjtuzyt/chinese-ocr
运用tensorflow实现自然场景文字检测,keras/pytorch实现crnn+ctc实现不定长中文OCR识别
2016xjtuzyt/cnn-benchmarks
Benchmarks for popular CNN models
2016xjtuzyt/convert_dataset_to_coco
将自己的数据集转换为coco 格式
2016xjtuzyt/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
2016xjtuzyt/DeepLayout
Deep learning based page layout analysis
2016xjtuzyt/E2E-MLT
E2E-MLT - an Unconstrained End-to-End Method for Multi-Language Scene Text
2016xjtuzyt/flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
2016xjtuzyt/HBMP
Sentence Embeddings in NLI with Iterative Refinement Encoders
2016xjtuzyt/hed
2016xjtuzyt/kenlm
KenLM: Faster and Smaller Language Model Queries
2016xjtuzyt/keras_std_plus_plus
This repository is the official implementation of `A Semantic-based Arbitrarily-Oriented Scene Text Detector`(named STD++ as it is the improved version of STD).due to lack of computing resources and time, we only tested STD++ on mtwi dataset, and we hope to perform more experiments on benchmark datasets, such as IC15,IC17,COCO-Text,MSRA-TD500,icdar2017rctw and so on.
2016xjtuzyt/languageid
Identifying the language of input text using character-level n-grams, with support for 45 languages
2016xjtuzyt/mods
MODS (Matching On Demand with view Synthesis) is algorithm for wide-baseline matching.
2016xjtuzyt/ocropy
Python-based tools for document analysis and OCR
2016xjtuzyt/pointer-generator
Code for the ACL 2017 paper "Get To The Point: Summarization with Pointer-Generator Networks"
2016xjtuzyt/ProductTitleSummarizationCorpus
Dataset for CIKM 2018 paper "Multi-Source Pointer Network for Product Title Summarization"
2016xjtuzyt/RRPN
Source code of RRPN ---- Arbitrary-Oriented Scene Text Detection via Rotation Proposals
2016xjtuzyt/SceneTextPapers
Tracking the latest progress in Scene Text Detection and Recognition: Must-read papers well organized
2016xjtuzyt/see
Code for the AAAI 2018 publication "SEE: Towards Semi-Supervised End-to-End Scene Text Recognition"
2016xjtuzyt/spatial-transformer-network
A Tensorflow Implementation of Spatial Transformer Networks
2016xjtuzyt/SSD-Tensorflow
Single Shot MultiBox Detector in TensorFlow
2016xjtuzyt/stanford-cs-230-deep-learning
VIP cheatsheets for Stanford's CS 230 Deep Learning
2016xjtuzyt/STN_CNN_LSTM_CTC_TensorFlow
use STN+CNN+BLSTM+CTC to do OCR
2016xjtuzyt/tensorflow-cnn-finetune
Finetuning AlexNet, VGGNet and ResNet with TensorFlow
2016xjtuzyt/tensorflow_octConv
Implementation of OctaveConv in Tensorflow (https://arxiv.org/abs/1904.05049)
2016xjtuzyt/tensorflow_PSENet
This is a tensorflow re-implementation of PSENet: Shape Robust Text Detection with Progressive Scale Expansion Network.My blog:
2016xjtuzyt/tensorpack
A Neural Net Training Interface on TensorFlow