Pinned Repositories
Activity-Recognition-with-CNN-and-RNN
Temporal Segments LSTM and Temporal-Inception for Activity Recognition
AgeGenderDeepLearning
AIND-CV-FacialKeypoints
A Jupyter notebook with an example of a Deep Convolutional Neural Network for Facial Landmarks Detection
AttGAN-Tensorflow
AttGAN Tensorflow Arbitrary Facial Attribute Editing: Only Change What You Want
caffe-tensorflow
Caffe models in TensorFlow
CapsNet-Tensorflow
A Tensorflow implementation of CapsNet(Capsules Net) in Hinton's paper Dynamic Routing Between Capsules
capsule_networks
This is the code for "Capsule Networks: An Improvement to Convolutional Networks" by Siraj Raval on Youtube
create_tfrecords
A simpler way of preparing large-scale image dataset by generalizing functions from TensorFlow-slim
CS131_release
Released assignments for the fall 2017 iteration of CS131.
jiangxun1001's Repositories
jiangxun1001/Activity-Recognition-with-CNN-and-RNN
Temporal Segments LSTM and Temporal-Inception for Activity Recognition
jiangxun1001/AttGAN-Tensorflow
AttGAN Tensorflow Arbitrary Facial Attribute Editing: Only Change What You Want
jiangxun1001/caffe-tensorflow
Caffe models in TensorFlow
jiangxun1001/CapsNet-Tensorflow
A Tensorflow implementation of CapsNet(Capsules Net) in Hinton's paper Dynamic Routing Between Capsules
jiangxun1001/create_tfrecords
A simpler way of preparing large-scale image dataset by generalizing functions from TensorFlow-slim
jiangxun1001/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
jiangxun1001/deep-learning-ocean
:satellite: All You Need to Know About Deep Learning - A kick-starter
jiangxun1001/Deep-Learning-Papers-Reading-Roadmap
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
jiangxun1001/deeplearningbook-chinese
Deep Learning Book Chinese Translation
jiangxun1001/dlib
A toolkit for making real world machine learning and data analysis applications in C++
jiangxun1001/DRML_caffe_python
an implementation of <Deep Region and Multi-label Learning for Facial Action Unit Detection>
jiangxun1001/EAC-Net
Source code for EAC-Net in Theano/Pytorch/Tensorflow
jiangxun1001/emotion-recognition-neural-networks
Emotion recognition using DNN with tensorflow
jiangxun1001/face-landmark-localization
cnn network predict face landmarks (68 points) and head pose (3d pose, yaw,roll,pitch).
jiangxun1001/Face-landmarks-detection-benchmark
Face landmarks(fiducial points) detection benchmark
jiangxun1001/fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015 and PAMI 2016.
jiangxun1001/keras-vggface
VGGFace implementation with Keras Framework
jiangxun1001/KerasGAN
A couple of simple GANs in Keras
jiangxun1001/landmarker.io
Image and mesh annotation web application
jiangxun1001/Learning-OpenCV-3_examples
jiangxun1001/linux
Linux kernel source tree
jiangxun1001/neural-networks-and-deep-learning
Code samples for my book "Neural Networks and Deep Learning"
jiangxun1001/notes
Resources to learn more about Machine Learning and Artificial Intelligence
jiangxun1001/OMGEmotionChallenge
Repository for th OMG Emotion Challenge
jiangxun1001/OpenFace
OpenFace – a state-of-the art tool intended for facial landmark detection, head pose estimation, facial action unit recognition, and eye-gaze estimation.
jiangxun1001/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
jiangxun1001/SSR-Net
[IJCAI18] SSR-Net: A Compact Soft Stagewise Regression Network for Age Estimation
jiangxun1001/stanford-cs-229-machine-learning
VIP cheatsheets for Stanford's CS 229 Machine Learning
jiangxun1001/tensorflow.cifar10
The examples of image recognition with the dataset CIFAR10 via tensorflow.
jiangxun1001/transfer-learning-text-tf
Tensorflow implementation of Semi-supervised Sequence Learning (https://arxiv.org/abs/1511.01432)