Pinned Repositories
acm-challenge-workbook
《挑战程序设计竞赛》习题册攻略
Baidu-dog
a tiny competition
caffe
Caffe: a fast open framework for deep learning.
caffe-fcn
Run Long and Shelhamer's FCN image segmentation network using Caffe
caption_generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Lfw_face_recognition_svm_ensemble
LFW face recognition with svm and some ensemble methods,including Adaboost, Random Forest, Boosting, Voting and so on. PCA is used to extract features. Implemented with scikit-learn
PrefixTreeESpan
The implement of the PrefixTreeESpan algorithm in paper "Lei Zou, Yansheng Lu, Huaming Zhang, Rong Hu: PrefixTreeESpan: A Pattern Growth Algorithm for Mining Embedded Subtrees. WISE 2006: 499-505." to mine frequent embedded substructure.
PRML
PRML algorithms implemented in Python
Tensorflow_Model_Slim_Classify
Train/Eval the popular network by TF-Slim,include mobilenet/shufflenet/squeezenet/resnet/inception/vgg/alexnet
torch-cifar100
Example for learning cifar-100 with Torch7
zhangxd12's Repositories
zhangxd12/PRML
PRML algorithms implemented in Python
zhangxd12/Tensorflow_Model_Slim_Classify
Train/Eval the popular network by TF-Slim,include mobilenet/shufflenet/squeezenet/resnet/inception/vgg/alexnet
zhangxd12/acm-challenge-workbook
《挑战程序设计竞赛》习题册攻略
zhangxd12/Baidu-dog
a tiny competition
zhangxd12/caffe
Caffe: a fast open framework for deep learning.
zhangxd12/caption_generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
zhangxd12/chinese_ocr
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
zhangxd12/CIFAR-PyTorch
train CIFAR10 dataset with PyTorch(0.4.0)
zhangxd12/Deep-Learning-Papers-Reading-Roadmap
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
zhangxd12/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
zhangxd12/FaceRecognition-Papers
Face Recognition related Papers
zhangxd12/faster_rcnn_pytorch
Faster RCNN with PyTorch
zhangxd12/fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015 and PAMI 2016.
zhangxd12/LeetCode
LeetCode Problem Solutions.
zhangxd12/lidc_nodule_detection
lidc nodule detection with CNN and LSTM network
zhangxd12/LinuxProgramming
basic knowledge and some advanced topics about Linux Programming
zhangxd12/lstm_ctc_ocr
Use CTC + tensorflow to OCR
zhangxd12/pix2pix-tensorflow
TensorFlow implementation of "Image-to-Image Translation Using Conditional Adversarial Networks".
zhangxd12/pytorch-beginner
pytorch tutorial for beginners
zhangxd12/pytorch-examples
Simple examples to introduce PyTorch
zhangxd12/PyTorch-Tutorial
Build your neural network easy and fast
zhangxd12/seq2seq
Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch
zhangxd12/seqGAN
A simplified PyTorch implementation of "SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient." (Yu, Lantao, et al.)
zhangxd12/tensorflow-101
《TensorFlow 快速入门与实战》课件与参考代码
zhangxd12/TensorFlow-Examples
TensorFlow Tutorial and Examples for beginners
zhangxd12/TensorFlow-Tutorials
Simple tutorials using Google's TensorFlow Framework
zhangxd12/text_classification
all kinds of text classificaiton models and more with deep learning
zhangxd12/the-gan-zoo
A list of all named GANs!
zhangxd12/Video-Classification-Action-Recognition
some famous works and new content to be added
zhangxd12/zi2zi
Learning Chinese Character style with conditional GAN