Pinned Repositories
action-recognition-visual-attention
Action recognition using soft attention based deep recurrent neural networks
Action_Recognition_using_Visual_Attention
TensorFlow Implementation of "Action Recognition using Visual Attention"
ActionVLAD
ActionVLAD for video action classification (CVPR 2017)
Activity-Recognition-with-CNN-and-RNN
Temporal Segments LSTM and Temporal-Inception for Activity Recognition
activitynet-2016-cvprw
Tools to participate in the ActivityNet Challenge 2016
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
bhtsne
Barnes-Hut t-SNE
blocks
A Theano framework for building and training neural networks
caffe
Caffe: a fast open framework for deep learning.
caffe-Person-ReID
Person Re-Identification: Multi-Task Deep CNN with Triplet Loss
newzhx's Repositories
newzhx/Action_Recognition_using_Visual_Attention
TensorFlow Implementation of "Action Recognition using Visual Attention"
newzhx/ActionVLAD
ActionVLAD for video action classification (CVPR 2017)
newzhx/Activity-Recognition-with-CNN-and-RNN
Temporal Segments LSTM and Temporal-Inception for Activity Recognition
newzhx/activitynet-2016-cvprw
Tools to participate in the ActivityNet Challenge 2016
newzhx/AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
newzhx/bhtsne
Barnes-Hut t-SNE
newzhx/caffe-Person-ReID
Person Re-Identification: Multi-Task Deep CNN with Triplet Loss
newzhx/caffe-tensorflow
Caffe models in TensorFlow
newzhx/convlstm_anomaly_detection
newzhx/DeepHAR
Deep Human Activity Recognition
newzhx/Fast-Slow-LSTM
newzhx/five-video-classification-methods
Code that accompanies my blog post outlining five video classification methods in Keras and TensorFlow
newzhx/gumbel-softmax
categorical variational autoencoder using the Gumbel-Softmax estimator
newzhx/hierarchical-rnn
Tensorflow implementation of a Hierarchical and Multiscale RNN, described in https://arxiv.org/abs/1609.01704
newzhx/labelImg
:metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images
newzhx/netvlad
NetVLAD: CNN architecture for weakly supervised place recognition
newzhx/node-yolo
Node bindings for YOLO/Darknet image recognition library
newzhx/py-R-FCN
R-FCN with joint training and python support
newzhx/residual-attention-network
Residual Attention Network for Image Classification
newzhx/rnn
Recurrent Neural Network library for Torch7's nn
newzhx/sentiment-2017-imavis
From Pixels to Sentiment: Fine-tuning CNNs for Visual Sentiment Prediction
newzhx/SfMLearner
An unsupervised learning framework for depth and ego-motion estimation from monocular videos
newzhx/show-attend-and-tell
TensorFlow Implementation of "Show, Attend and Tell"
newzhx/show_attend_and_tell.tensorflow
newzhx/shuttleNet
The code for shuttleNet.
newzhx/sru
Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)
newzhx/STFCN
Spatio-Temporal Fully Convolutional Neural Netwroks For Semantic Segmentation
newzhx/temporal-segment-networks
Code & Models for Temporal Segment Networks (TSN) in ECCV 2016
newzhx/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners with Latest APIs
newzhx/tsn-pytorch
Temporal Segment Networks (TSN) in PyTorch