Pinned Repositories
100-gcc-tips
A collection of gcc tips. 100 maybe just mean many here.
100-gdb-tips
A collection of gdb tips. 100 maybe just mean many here.
act-tensorflow
Adaptive Computation Time algorithm in Tensorflow
adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
Adversarial_Video_Generation
A TensorFlow Implementation of "Deep Multi-Scale Video Prediction Beyond Mean Square Error" by Mathieu, Couprie & LeCun.
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
AlphaPose
Multi-Person Pose Estimation System
qingsong99's Repositories
qingsong99/tf-dann
Domain-Adversarial Neural Network in Tensorflow
qingsong99/gpu
Materials for the Iowa State University Statistics Department fall 2012 lecture series on general purpose GPU computing.
qingsong99/caffe-pruned
qingsong99/Caffe-Autopilot
Car autopilot software that uses C++, BVLC Caffe, OpenCV, and SFML
qingsong99/darkforestGo
DarkForest, the Facebook Go engine.
qingsong99/icml2016
Generative Adversarial Text-to-Image Synthesis
qingsong99/deeplearning-papernotes
Summaries and notes on Deep Learning research papers
qingsong99/introduction_to_ml_with_python
Notebooks and code for the book "Introduction to Machine Learning with Python"
qingsong99/wide-residual-networks
95.8% and 80% on CIFAR-10 and CIFAR-100
qingsong99/crnn
Convolutional Recurrent Neural Network (CRNN) for image-based sequence recognition.
qingsong99/LeetCode-1
:pencil: Python / C++ 11 Solutions of All 351 LeetCode Questions
qingsong99/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
qingsong99/Tensorflow-101
TensorFlow Tutorials
qingsong99/quantized-cnn
An efficient framework for convolutional neural networks
qingsong99/attention-lvcsr
End-to-End Attention-Based Large Vocabulary Speech Recognition
qingsong99/specialistnets
Distilling knowledge to specialist ConvNets for clustered classification
qingsong99/davis
qingsong99/convnets-keras
qingsong99/convnet-benchmarks
Easy benchmarking of all publicly accessible implementations of convnets
qingsong99/DeepFool
A simple and accurate method to fool deep neural networks
qingsong99/torch-TripletEmbedding
TripletLoss used in Google's FaceNet paper
qingsong99/oxyToolkit
qingsong99/tensorflow
Computation using data flow graphs for scalable machine learning
qingsong99/text2image
Generating Images from Captions with Attention
qingsong99/caffenet-benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
qingsong99/TensorBox
qingsong99/tensorflow-speech-recognition
Speech recognition using google's tensorflow deep learning framework, sequence-to-sequence neural networks
qingsong99/deep-residual-networks
Deep Residual Learning for Image Recognition
qingsong99/fb.resnet.torch
Torch implementation of ResNet from http://arxiv.org/abs/1512.03385 and training scripts
qingsong99/keras
Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano and TensorFlow.