All Projects → chenxuluo → GST-video

chenxuluo / GST-video

Licence: MIT License
ICCV 19 Grouped Spatial-Temporal Aggretation for Efficient Action Recognition

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to GST-video

MiCT-Net-PyTorch
Video Recognition using Mixed Convolutional Tube (MiCT) on PyTorch with a ResNet backbone
Stars: ✭ 48 (+20%)
Mutual labels:  action-recognition, video-classification
cpnet
Learning Video Representations from Correspondence Proposals (CVPR 2019 Oral)
Stars: ✭ 93 (+132.5%)
Mutual labels:  action-recognition, video-classification
C3D-tensorflow
Action recognition with C3D network implemented in tensorflow
Stars: ✭ 34 (-15%)
Mutual labels:  action-recognition, video-classification
TA3N
[ICCV 2019 Oral] TA3N: https://github.com/cmhungsteve/TA3N (Most updated repo)
Stars: ✭ 45 (+12.5%)
Mutual labels:  action-recognition, video-classification
conv3d-video-action-recognition
My experimentation around action recognition in videos. Contains Keras implementation for C3D network based on original paper "Learning Spatiotemporal Features with 3D Convolutional Networks", Tran et al. and it includes video processing pipelines coded using mPyPl package. Model is being benchmarked on popular UCF101 dataset and achieves result…
Stars: ✭ 50 (+25%)
Mutual labels:  action-recognition, video-classification
Two-Stream-CNN
Two Stream CNN implemented in Keras using in skeleton-based action recognition with dataset NTU RGB+D
Stars: ✭ 75 (+87.5%)
Mutual labels:  action-recognition
Dataset-REPAIR
REPresentAtion bIas Removal (REPAIR) of datasets
Stars: ✭ 49 (+22.5%)
Mutual labels:  action-recognition
pushup-counter-app
Count pushups from video/webcam. Tech stack: Keypoint detection, BlazePose, action recognition.
Stars: ✭ 48 (+20%)
Mutual labels:  action-recognition
UAV-Human
[CVPR2021] UAV-Human: A Large Benchmark for Human Behavior Understanding with Unmanned Aerial Vehicles
Stars: ✭ 122 (+205%)
Mutual labels:  action-recognition
ntu-x
NTU-X, which is an extended version of popular NTU dataset
Stars: ✭ 55 (+37.5%)
Mutual labels:  action-recognition
TadTR
End-to-end Temporal Action Detection with Transformer. [Under review for a journal publication]
Stars: ✭ 55 (+37.5%)
Mutual labels:  action-recognition
san
The official PyTorch implementation of "Context Matters: Self-Attention for sign Language Recognition"
Stars: ✭ 17 (-57.5%)
Mutual labels:  action-recognition
ICCV2021-Paper-Code-Interpretation
ICCV2021/2019/2017 论文/代码/解读/直播合集,极市团队整理
Stars: ✭ 2,022 (+4955%)
Mutual labels:  action-recognition
keras-deep-learning
Various implementations and projects on CNN, RNN, LSTM, GAN, etc
Stars: ✭ 22 (-45%)
Mutual labels:  video-classification
Pose2vec
A Repository for maintaining various human skeleton preprocessing steps in numpy and tensorflow along with tensorflow model to learn pose embeddings.
Stars: ✭ 25 (-37.5%)
Mutual labels:  action-recognition
pose2action
experiments on classifying actions using poses
Stars: ✭ 24 (-40%)
Mutual labels:  action-recognition
theWorldInSafety
Surveillance System Against Violence
Stars: ✭ 31 (-22.5%)
Mutual labels:  action-recognition
Robust-Deep-Learning-Pipeline
Deep Convolutional Bidirectional LSTM for Complex Activity Recognition with Missing Data. Human Activity Recognition Challenge. Springer SIST (2020)
Stars: ✭ 20 (-50%)
Mutual labels:  action-recognition
TCFPN-ISBA
Temporal Convolutional Feature Pyramid Network (TCFPN) & Iterative Soft Boundary Assignment (ISBA), CVPR '18
Stars: ✭ 40 (+0%)
Mutual labels:  action-recognition
synse-zsl
Official PyTorch code for the ICIP 2021 paper 'Syntactically Guided Generative Embeddings For Zero Shot Skeleton Action Recognition'
Stars: ✭ 14 (-65%)
Mutual labels:  action-recognition

Grouped Spatial-Temporal Aggretation for Efficient Action Recognition

Pytorch implementation of paper Grouped Spatial-Temporal Aggretation for Efficient Action Recognition. arxiv

Prerequisites

  • PyTorch 1.0 or higher
  • python 3.5 or higher

Data preparation

Please refer to TRN-pytorch for data preparation on Something-Something.

Training

  • For GST-Large: python3 main.py --root_path /path/to/video/folder --dataset somethingv1 --checkpoint_dir /path/for/saving/checkpoints/ --type GST --arch resnet50 --num_segments 8 --beta 1
  • For GST: python3 main.py --root_path /path/to/video/folder --dataset somethingv1 --checkpoint_dir /path/for/saving/checkpoints/ --type GST --arch resnet50 --num_segments 8 --beta 2 --alpha 4
  • For more details, please type python3 main.py -h

Pretrained Models

Something-v1 Something-v2
GST(alpha=4, 8 frames) 47.0 61.6
GST(alpha=4,16 frames) 48.6 62.6
GST-Large(alpha=4,8 frames) 47.7 62.0
  • results are reported based on center crop and 1 clip sampling.

Reference

If you find our work useful in your research, please consider citing our paper

@inproceedings{luo2019grouped,
  title={Grouped Spatial-Temporal Aggretation for Efficient Action Recognition},
  author={Luo, Chenxu and Yuille, Alan},
  booktitle={Proceedings of the IEEE International Conference on Computer Vision},
  year={2019}
} 

or

@article{luo2019grouped,
  title={Grouped Spatial-Temporal Aggregation for Efficient Action Recognition},
  author={Luo, Chenxu and Yuille, Alan},
  journal={arXiv preprint arXiv:1909.13130},
  year={2019}
}

Acknowledge

This codebase is build upon TRN-pytorch and TSN-pytorch

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].