Pinned Repositories
arctic-captions
caffe
Caffe: a fast open framework for deep learning.
caffe-fast-rcnn
Caffe fork that supports Fast R-CNN
caffe-windows
Configure Caffe in one hour for Windows users.
coco-text
COCO-Text API http://vision.cornell.edu/se3/coco-text/
convnet-benchmarks
Easy benchmarking of all public open-source implementations of convnets
crfasrnn
This repository contains the source code for the semantic image segmentation method described in the ICCV 2015 paper: Conditional Random Fields as Recurrent Neural Networks. http://crfasrnn.torr.vision/
crowdCV
Crowdsourced Computer Vision Experiment
fast-rcnn
Fast R-CNN
TextDetector
zchengquan's Repositories
zchengquan/TextDetector
zchengquan/caffe
Caffe: a fast open framework for deep learning.
zchengquan/caffe-fast-rcnn
Caffe fork that supports Fast R-CNN
zchengquan/caffe-windows
Configure Caffe in one hour for Windows users.
zchengquan/coco-text
COCO-Text API http://vision.cornell.edu/se3/coco-text/
zchengquan/deeplearning-papernotes
Summaries and notes on Deep Learning research papers
zchengquan/deform-conv
Deformable Convolution in TensorFlow / Keras
zchengquan/dilation
Dilated Convolution for Semantic Image Segmentation
zchengquan/FASText
Efficient Unconstrained Scene Text Detector
zchengquan/FastMask
FastMask: Segment Multi-scale Object Candidates in One Shot
zchengquan/grid-lstm
Torch7 implementation of Grid LSTM as described here: http://arxiv.org/pdf/1507.01526v2.pdf
zchengquan/HistogramLoss
This repository contains code for paper "Learning Deep Embeddings with Histogram Loss" (NIPS2016)
zchengquan/ImageNet-Training
ImageNet training using torch
zchengquan/images-web-crawler
This package is a complete tool for creating a large dataset of images (specially designed -but not only- for machine learning enthusiasts). It can crawl the web, download images, rename / resize / covert the images and merge folders..
zchengquan/MNC
Instance-aware Semantic Segmentation via Multi-task Network Cascades
zchengquan/mscnn
zchengquan/nn
zchengquan/ohem
OHEM support for Fast R-CNN
zchengquan/opencv_contrib
Repository for OpenCV's extra modules
zchengquan/pix2pix
Image-to-image translation using conditional adversarial nets
zchengquan/PSPNet
Pyramid Scene Parsing Network
zchengquan/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
zchengquan/rec-attend-public
Code that implements paper "End-to-End Instance Segmentation with Recurrent Attention"
zchengquan/RIS
Implementation of the approach described in the paper "Recurrent Instance Segmentation" https://arxiv.org/abs/1511.08250.
zchengquan/speech-to-text-wavenet
Speech-to-Text-WaveNet : End-to-end sentence level English speech recognition based on DeepMind's WaveNet and tensorflow
zchengquan/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.
zchengquan/torch-hdf5
Torch interface to HDF5 library
zchengquan/torch-residual-networks
This is a Torch implementation of ["Deep Residual Learning for Image Recognition",Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun](http://arxiv.org/abs/1512.03385) the winners of the 2015 ILSVRC and COCO challenges.
zchengquan/VIMER
视觉基础模型仓库
zchengquan/write-rnn-tensorflow
Generative Handwriting using LSTM Mixture Density Network with TensorFlow