Pinned Repositories
BBox-Label-Tool
A simple tool for labeling object bounding boxes in images
BitScalableDeepHash
The Code of "Bit-Scalable Deep Hashing with Regularized Similarity Learning for Image Retrieval and Person Re-identification." IEEE TIP2015
caffe-lstm
LSTM implementation on Caffe
caffe-ocr
OCR with caffe deep learning framework
gtsrb.torch
Traffic sign recognition with Torch
neuraltalk
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
OpticalFlow-comparisons
Comparisons between available optical flow implementations.
RecurrentCNN_ObjRecognition
Recurrent Convolutional Neural Network to Detect Image Pattern
WeilamChung's Repositories
WeilamChung/action-recognition-visual-attention
Action recognition using soft attention based deep recurrent neural networks
WeilamChung/Actionness-Estimation
Actionness Estimation Using Hybrid Fully Convolutional Networks
WeilamChung/anet2016-cuhk
Action Recognition Toolbox for CUHKÐZ&SIAT submission to ActivityNet 2016
WeilamChung/awesome-vqa
Visual Q&A reading list
WeilamChung/awesome_tensorflow_implementations
WeilamChung/caffe-preprocessing-scripts
Creates caffe lmdb from bunch of dirs with images. Clean-up, check, resize included
WeilamChung/caffenet-benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
WeilamChung/convnet-benchmarks
Easy benchmarking of all publicly accessible implementations of convnets
WeilamChung/CourseraML
I'm taking Andrew Ng's Machine Learning course on Coursera and doing the homework assigments... but, on my own in python because Octave? Really?
WeilamChung/cs231n.github.io
Public facing notes page
WeilamChung/cudnn-python-wrappers
Python wrappers for the NVIDIA cuDNN libraries
WeilamChung/darknet
Convolutional Neural Networks
WeilamChung/deep-learning-vagrant-machine
Vagrant machine ready to explore the deep learning world
WeilamChung/deep-residual-networks
Deep Residual Learning for Image Recognition
WeilamChung/deepjazz
Deep learning driven jazz generation using Keras & Theano!
WeilamChung/deeplearning_tutorial
WeilamChung/DeepLearningBook
MIT Deep Learning Book in PDF format
WeilamChung/dense_flow
OpenCV Implementation of different optical flow algorithms
WeilamChung/dgd_person_reid
Domain Guided Dropout for Person Re-identification
WeilamChung/joint-unsupervised-learning
Project for our CVPR2016 paper "Joint Unsupervised Learning of Deep Representations and Image Clusters"
WeilamChung/lisa-caffe-public
Lisa Anne's public caffe code.
WeilamChung/LSTM-Human-Activity-Recognition
Human activity recognition using TensorFlow on smartphones dataset and an LSTM RNN. Classifying the type of movement amongst six categories (WALKING, WALKING_UPSTAIRS, WALKING_DOWNSTAIRS, SITTING, STANDING, LAYING).
WeilamChung/MTDnet
WeilamChung/neuraltalk2
Efficient Image Captioning code in Torch, runs on GPU
WeilamChung/openbr
Open Source Biometrics, Face Recognition
WeilamChung/papers
Summaries of papers on deep learning.
WeilamChung/playground
Play with neural networks!
WeilamChung/rsmtool
RSMTool is a python package for facilitating research on building and evaluating automated scoring models.
WeilamChung/Stochastic_Depth
Code for "Deep Networks with Stochastic Depth"
WeilamChung/stochastic_depth_keras
Rewriting code for "Deep Networks with Stochastic Depth" http://arxiv.org/abs/1603.09382 in keras