Pinned Repositories
2s-AGCN
Two-Stream Adaptive Graph Convolutional Networks for Skeleton-Based Action Recognition in CVPR19
action-detection
temporal action detection with SSN
ActionRecognization
ActivityNet
This repository is intended to host tools and demos for ActivityNet
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
attention-lvcsr
End-to-End Attention-Based Large Vocabulary Speech Recognition
AttentionalPoolingAction
Code/Model release for NIPS 2017 paper "Attentional Pooling for Action Recognition"
PyTorchZeroToAll
shuidongliu's Repositories
shuidongliu/PyTorchZeroToAll
shuidongliu/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
shuidongliu/AttentionalPoolingAction
Code/Model release for NIPS 2017 paper "Attentional Pooling for Action Recognition"
shuidongliu/awesome-rnn
Recurrent Neural Network - A curated list of resources dedicated to RNN
shuidongliu/ConvLSTM_pytorch
Implementation of Convolutional LSTM in PyTorch.
shuidongliu/crfasrnn_keras
CRF-RNN Keras/Tensorflow version
shuidongliu/DeepLearningFrameworks
Demo of running NNs across different frameworks
shuidongliu/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
shuidongliu/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
shuidongliu/five-video-classification-methods
Code that accompanies my blog post outlining five video classification methods in Keras and TensorFlow
shuidongliu/hosts
:statue_of_liberty:最新可用的google hosts文件。镜像:
shuidongliu/imcap_keras
Image captioning with spatial attention using keras with tensorflow backend
shuidongliu/keras-fcn
A playable implementation of Fully Convolutional Networks with Keras.
shuidongliu/kinetics-i3d-Pytorch
shuidongliu/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
shuidongliu/mask_rcnn_pytorch
Mask RCNN in PyTorch
shuidongliu/mit-deep-learning-book-pdf
MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville
shuidongliu/models
Models built with TensorFlow
shuidongliu/nmt
TensorFlow Neural Machine Translation Tutorial
shuidongliu/Non-local_pytorch
Implementation of Non-local Block.
shuidongliu/pytorch-faster-rcnn
I would appreciate if someone can retrain the model. The "finetune from scratch" result should be better because the training details have been changed. (And mobilenet training not supported yet.)
shuidongliu/pytorch-pose
A PyTorch toolkit for 2D Human Pose Estimation.
shuidongliu/realtime-action-detection
This repository host the code for real-time action detection paper
shuidongliu/Recipes
Lasagne recipes: examples, IPython notebooks, ...
shuidongliu/recurrent-batch-normalization-pytorch
PyTorch implementation of recurrent batch normalization
shuidongliu/SNNs
Tutorials and implementations for "Self-normalizing networks"
shuidongliu/st-gcn
Spatial Temporal Graph Convolutional Networks (ST-GCN) for Skeleton-Based Action Recognition in PyTorch
shuidongliu/state-of-the-art-result-for-machine-learning-problems
This repository provides state of the art (SoTA) results for all machine learning problems. We do our best to keep this repository up to date. If you do find a problem's SoTA result is out of date or missing, please raise this as an issue or submit Google form (with this information: research paper name, dataset, metric, source code and year). We will fix it immediately.
shuidongliu/stn.pytorch
pytorch version of spatial transformer networks
shuidongliu/temporal-segment-networks
Code & Models for Temporal Segment Networks (TSN) in ECCV 2016