All Projects → amlankar → adascan-public

amlankar / adascan-public

Licence: GPL-3.0 license
Code for AdaScan: Adaptive Scan Pooling (CVPR 2017)

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to adascan-public

MSAF
Offical implementation of paper "MSAF: Multimodal Split Attention Fusion"
Stars: ✭ 47 (+9.3%)
Mutual labels:  action-recognition
dynamic-images-for-action-recognition
A public Python implementation for generating Dynamic Images introduced in 'Dynamic Image Networks for Action Recognition' by Bilen et al.
Stars: ✭ 27 (-37.21%)
Mutual labels:  action-recognition
pose2action
experiments on classifying actions using poses
Stars: ✭ 24 (-44.19%)
Mutual labels:  action-recognition
ViCC
[WACV'22] Code repository for the paper "Self-supervised Video Representation Learning with Cross-Stream Prototypical Contrasting", https://arxiv.org/abs/2106.10137.
Stars: ✭ 33 (-23.26%)
Mutual labels:  action-recognition
MTL-AQA
What and How Well You Performed? A Multitask Learning Approach to Action Quality Assessment [CVPR 2019]
Stars: ✭ 38 (-11.63%)
Mutual labels:  action-recognition
TCE
This repository contains the code implementation used in the paper Temporally Coherent Embeddings for Self-Supervised Video Representation Learning (TCE).
Stars: ✭ 51 (+18.6%)
Mutual labels:  action-recognition
VideoTransformer-pytorch
PyTorch implementation of a collections of scalable Video Transformer Benchmarks.
Stars: ✭ 159 (+269.77%)
Mutual labels:  action-recognition
Two-Stream-CNN
Two Stream CNN implemented in Keras using in skeleton-based action recognition with dataset NTU RGB+D
Stars: ✭ 75 (+74.42%)
Mutual labels:  action-recognition
Squeeze-and-Recursion-Temporal-Gates
Code for : [Pattern Recognit. Lett. 2021] "Learn to cycle: Time-consistent feature discovery for action recognition" and [IJCNN 2021] "Multi-Temporal Convolutions for Human Action Recognition in Videos".
Stars: ✭ 62 (+44.19%)
Mutual labels:  action-recognition
UAV-Human
[CVPR2021] UAV-Human: A Large Benchmark for Human Behavior Understanding with Unmanned Aerial Vehicles
Stars: ✭ 122 (+183.72%)
Mutual labels:  action-recognition
Action-Localization
Action-Localization, Atomic Visual Actions (AVA) Dataset
Stars: ✭ 22 (-48.84%)
Mutual labels:  action-recognition
ailia-models
The collection of pre-trained, state-of-the-art AI models for ailia SDK
Stars: ✭ 1,102 (+2462.79%)
Mutual labels:  action-recognition
SphereFace
🍑 TensorFlow Code for CVPR 2017 paper "SphereFace: Deep Hypersphere Embedding for Face Recognition"
Stars: ✭ 110 (+155.81%)
Mutual labels:  cvpr-2017
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 (+16.28%)
Mutual labels:  action-recognition
pushup-counter-app
Count pushups from video/webcam. Tech stack: Keypoint detection, BlazePose, action recognition.
Stars: ✭ 48 (+11.63%)
Mutual labels:  action-recognition
MUSES
[CVPR 2021] Multi-shot Temporal Event Localization: a Benchmark
Stars: ✭ 51 (+18.6%)
Mutual labels:  action-recognition
tfvaegan
[ECCV 2020] Official Pytorch implementation for "Latent Embedding Feedback and Discriminative Features for Zero-Shot Classification". SOTA results for ZSL and GZSL
Stars: ✭ 107 (+148.84%)
Mutual labels:  action-recognition
ICCV2021-Paper-Code-Interpretation
ICCV2021/2019/2017 论文/代码/解读/直播合集,极市团队整理
Stars: ✭ 2,022 (+4602.33%)
Mutual labels:  action-recognition
Pose2vec
A Repository for maintaining various human skeleton preprocessing steps in numpy and tensorflow along with tensorflow model to learn pose embeddings.
Stars: ✭ 25 (-41.86%)
Mutual labels:  action-recognition
gzsl-od
Out-of-Distribution Detection for Generalized Zero-Shot Action Recognition
Stars: ✭ 47 (+9.3%)
Mutual labels:  action-recognition

AdaScan

This repository contains the source code for the paper Adascan: Adaptive Scan Pooling in Deep Convolutional Neural Networks for Human Action Recognition in Videos, Amlan Kar* (IIT Kanpur), Nishant Rai* (IIT Kanpur), Karan Sikka (UCSD and SRI), Gaurav Sharma (IIT Kanpur), with support for multi-GPU training and testing.

Dependencies

Note: skimage and skvideo are required for the preprocessing step

Setup

  • Download UCF-101 dataset from here and UCF-101 flow files from here
  • Download UCF-101 action recognition splits from here (to be passed using -split_dir)
  • Run preprocessing script to create npz files required for training/testing (directory created to be passed using -data_dir)

Training from scratch

  • [RGB training] Download VGG numpy files from here (to be passed using -vgg_npy_path)
  • [Optical Flow training] Download the pre-trained caffe models for flow from here and convert them using this tool to numpy files
  • Edit sample_train.sh and run

Testing pre-trained models or self-trained models

  • Download the pre-trained models from the given links below
  • Download VGG numpy file for RGB and any one of the flow files to pass with -npy_path for testing (This is an extra step and doesn't change anything, we will remove this unneccessary step soon)
  • Edit sample_test.sh and run

Visualizing on custom video (only for RGB)

python demo.py -ckpt_file path/to/ckpt/file -vid_file vis/vid_file

This should save an image in vis/ that looks like:

Sample visualization

Pre-trained models (Coming Soon)

These models have been trained on UCF-101. We will be releasing the updated models soon.

RGB

Flow

Training/Testing

Sample self explanatory train and test scripts have been provided with the code

Updated Results

After fixing a bug post-submission, we have achieved higher results with the same configuration as in the original paper. We request authors to cite these numbers.

Model UCF-101 HMDB-51
AdaScan 91.6 62.4
AdaScan + iDT 93.1 67.6
AdaScan + iDT + C3D 94.0 69.4

Reference

If you use this code as part of any published research, please acknowledge the following paper:

AdaScan: Adaptive Scan Pooling in Deep Convolutional Neural Networks for Human Action Recognition in Videos
Amlan Kar*, Nishant Rai*, Karan Sikka, Gaurav Sharma (*denotes equal contribution)

@article{kar2016adascan,
title={AdaScan: Adaptive Scan Pooling in Deep Convolutional Neural Networks for Human Action Recognition in Videos},
author={Kar, Amlan and Rai, Nishant and Sikka, Karan and Sharma, Gaurav},
booktitle={CVPR}, 
year={2017} 
}  
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].