ucf101
There are 40 repositories under ucf101 topic.
HHTseng/video-classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
jeffreyyihuang/two-stream-action-recognition
Using two stream architecture to implement a classic action recognition method on UCF101 dataset
gurkirt/realtime-action-detection
This repository host the code for real-time action detection paper
NVlabs/STEP
STEP: Spatio-Temporal Progressive Learning for Video Action Detection. CVPR'19 (Oral)
MichiganCOG/ViP
Video Platform for Action Recognition and Object Detection in Pytorch
bryanyzhu/Hidden-Two-Stream
Caffe implementation for "Hidden Two-Stream Convolutional Networks for Action Recognition"
kevin-ssy/Optical-Flow-Guided-Feature
Implementation Code of the paper Optical Flow Guided Feature, CVPR 2018
fmahoudeau/MiCT-Net-PyTorch
Video Recognition using Mixed Convolutional Tube (MiCT) on PyTorch with a ResNet backbone
karolzak/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 results similar to those reported by authors
sjenni/temporal-ssl
Video Representation Learning by Recognizing Temporal Transformations. In ECCV, 2020.
vra/action-recognition-using-3d-resnet
Use 3D ResNet to extract features of UCF101 and HMDB51 and then classify them.
cynicphoenix/Human-Action-Recognition
Computer Vision Project : Action Recognition on UCF101 Dataset
AKASH2907/pi-consistency-activity-detection
End-to-End Semi-Supervised Learning for Video Action Detection [CVPR 2022]
bryanyzhu/deepOF
TensorFlow implementation for "Guided Optical Flow Learning"
Keiku/Action-Recognition-CNN-LSTM
Action recognition tutorial using UCF-101 dataset.
pritamqu/CrissCross
[AAAI 2023 (Oral)] CrissCross: Self-Supervised Audio-Visual Representation Learning with Relaxed Cross-Modal Synchronicity
AliAmini93/CNN-LSTM-Action-Recognizer
Implemented a CNN-LSTM Action Recognizer for dynamic motion analysis, integrating convolutional and recurrent neural networks to efficiently recognize and classify actions in video data of UCF101 dataset.
iamgmujtaba/LTC-SUM
Implementation of LTC-SUM: Lightweight Client-driven Personalized Video Summarization Framework Using 2D CNN
milkcat0904/video-dataset-to-optical-flow
由视频数据集生成optical flow,frames,warped flow
GuyKabiri/Video-Classification
Video classification exercise using UCF101 data for training an early-fusion and SlowFast architecture model, both using the PyTorch Lightning framework.
Adit31/Captionomaly-Deep-Learning-Toolbox-for-Anomaly-Captioning
Source Code for Captionomaly: A Deep Learning Toolbox for Anomaly Captioning in Surveillance Videos
LinkToPast1990/caffe
Support LRCN(both rgb and optical-flow). This fork of BVLC/Caffe is dedicated to improving performance of this deep learning framework when running on CPU, in particular Intel® Xeon processors (HSW+) and Intel® Xeon Phi processors
shah-deven/CNN-Action-Recognition
Action Recognition using Convolutional Neural Network (CNN)
CarloP95/Text2VideoGAN
A pytorch implementation of a text to videos GAN
jiaxue-ai/GTN
PyTorch implementation for "Gated Transfer Network for Transfer Learning"
pritamqu/XKD
[AAAI 2024] XKD: Cross-modal Knowledge Distillation with Domain Alignment for Video Representation Learning.
titania7777/UCF101FewShot
Testing code for few-shot action recognition
ahkarami/T3D
Temporal 3D ConvNet
saimj7/Action-Recognition-in-Real-Time
A simple and fun video classification/action recognition using VGG16 as a feature extractor and RNN.
naviocean/pytorch-inception
Pytorch inception v4 for human actions recognition.
titania7777/VideoFrameSampler
Salient Video Frames Sampling Method Using the Mean of Deep Features for Efficient Model Training (KIBME 2021)
vincenzosantopietro/Action-Recognition-EfficientNet-TensorFlow
Simple Action Recognition experimentation with the UCF101 Dataset and EfficientNets.
Solvve/ml_real_time_gesrec
Real-time Custom Hand Gesture Recognition with PyTorch on EgoGesture, NvGesture, Jester, Kinetics and UCF101
AliElsaeid/CNN-RNN-Video-Classification
This project builds a video classification model using CNNs for spatial feature extraction and RNNs for temporal sequence modeling. Utilizing the UCF101 dataset, it covers data preprocessing, feature extraction, model training, and evaluation, providing a comprehensive approach to action recognition in videos.
Ibzie/VideoPredict-PyTorch-Deep-Learning-Models-for-Video-Frame-Prediction-ConvLSTM-PredRNN-Transform
🎯 Production-ready implementation of video prediction models using PyTorch. Features Enhanced ConvLSTM with temporal attention, PredRNN with spatiotemporal memory, and Transformer-based architecture.