Pinned Repositories
Adult-WebSite-Classifier
A course project on machine learning(Text and Image classification)
adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
AlphaGo
A replication of DeepMind's 2016 Nature publication, "Mastering the game of Go with deep neural networks and tree search," details of which can be found on their website.
CNN-Detect-Facial-Keypoints
Using Convolutional network for detection of facial keypoints
configure
CUDA-CNN
CNN accelerated by cuda. Test on mnist and finilly get 99.76%
DeepMind-Atari-Deep-Q-Learner
The original code from the DeepMind article + my tweaks
Mars_InvertIndex
Mars_WordCount
A GPU mapreduce for world count
purine2
Purified Purine.
zhxfl's Repositories
zhxfl/CUDA-CNN
CNN accelerated by cuda. Test on mnist and finilly get 99.76%
zhxfl/configure
zhxfl/cnmem
A simple memory manager for CUDA designed to help Deep Learning frameworks manage memory
zhxfl/CNN_sentence
CNNs for sentence classification
zhxfl/cnn_text_classification
Build a model which automatically classifies an article under Finance, Law, Fashion and Lifestyle, using the data from leading magazines for training the model.
zhxfl/code-samples
Source code examples from the Parallel Forall Blog
zhxfl/cutlass
CUDA Templates for Linear Algebra Subroutines
zhxfl/DeepSpeech
A PaddlePaddle implementation of DeepSpeech2 architecture for ASR.
zhxfl/Distilling-the-knowledge-in-neural-network
Teaches a student network from the knowledge obtained via training of a larger teacher network
zhxfl/fb.resnet.torch
Torch implementation of ResNet from http://arxiv.org/abs/1512.03385 and training scripts
zhxfl/incubator-singa
Mirror of Apache Singa (Incubating)
zhxfl/inplace_abn
In-Place Activated BatchNorm for Memory-Optimized Training of DNNs
zhxfl/jieba
结巴中文分词
zhxfl/kaldi
This is now the official location of the Kaldi project.
zhxfl/lazy-tensor-samples
Code samples using features from PyTorch's Lazy Tensor Core
zhxfl/malware-detection
Malware Detection and Classification Using Machine Learning
zhxfl/models
Model configurations
zhxfl/my-rfcn
zhxfl/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
zhxfl/Paddle
PArallel Distributed Deep LEarning
zhxfl/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
zhxfl/py-R-FCN
R-FCN with joint training and python support
zhxfl/R-FCN
R-FCN: Object Detection via Region-based Fully Convolutional Networks
zhxfl/Realtime_Multi-Person_Pose_Estimation
Code repo for realtime multi-person pose estimation in CVPR'17 (Oral)
zhxfl/simple_http_server
simple http server for upload and download
zhxfl/tensor
scalability dimension data struct
zhxfl/tensorflow-wavenet
speech recognition based on tensorflow 1.0.0
zhxfl/thread_pool
thread pool module by c++11
zhxfl/TTS
Deep learning for Text to Speech
zhxfl/xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Flink and DataFlow