All Projects → tteepe → GaitGraph

tteepe / GaitGraph

Licence: MIT license
Official repository for "GaitGraph: Graph Convolutional Network for Skeleton-Based Gait Recognition" (ICIP'21)

Programming Languages

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

Projects that are alternatives of or similar to GaitGraph

HRFormer
This is an official implementation of our NeurIPS 2021 paper "HRFormer: High-Resolution Transformer for Dense Prediction".
Stars: ✭ 357 (+425%)
Mutual labels:  pose-estimation, hrnet
MobilePose
Light-weight Single Person Pose Estimator
Stars: ✭ 588 (+764.71%)
Mutual labels:  pose-estimation
qml-ar
Seamless Augmented Reality module for QML using UchiyaMarkers
Stars: ✭ 32 (-52.94%)
Mutual labels:  pose-estimation
3d-pose-2d-keypoints
3d Human Pose Estimation from 2d Keypoints
Stars: ✭ 56 (-17.65%)
Mutual labels:  pose-estimation
Graph Neural Net
Graph Convolutional Networks, Graph Attention Networks, Gated Graph Neural Net, Mixhop
Stars: ✭ 27 (-60.29%)
Mutual labels:  gcn
BCNet
Deep Occlusion-Aware Instance Segmentation with Overlapping BiLayers [CVPR 2021]
Stars: ✭ 434 (+538.24%)
Mutual labels:  gcn
MSRGCN
Official implementation of MSR-GCN (ICCV2021 paper)
Stars: ✭ 42 (-38.24%)
Mutual labels:  gcn
Patch-GCN
Context-Aware Survival Prediction using Patch-based Graph Convolutional Networks - MICCAI 2021
Stars: ✭ 63 (-7.35%)
Mutual labels:  gcn
All4Depth
Self-Supervised Depth Estimation on Monocular Sequences
Stars: ✭ 58 (-14.71%)
Mutual labels:  pose-estimation
OffsetGuided
Code for "Greedy Offset-Guided Keypoint Grouping for Human Pose Estimation"
Stars: ✭ 31 (-54.41%)
Mutual labels:  pose-estimation
awesome-visual-localization-papers
The relocalization task aims to estimate the 6-DoF pose of a novel (unseen) frame in the coordinate system given by the prior model of the world.
Stars: ✭ 60 (-11.76%)
Mutual labels:  pose-estimation
flydra
live, low-latency markerless multi-camera 3D animal tracking system
Stars: ✭ 52 (-23.53%)
Mutual labels:  pose-estimation
ASAP
AAAI 2020 - ASAP: Adaptive Structure Aware Pooling for Learning Hierarchical Graph Representations
Stars: ✭ 83 (+22.06%)
Mutual labels:  gcn
3DObjectTracking
Official Code: A Sparse Gaussian Approach to Region-Based 6DoF Object Tracking
Stars: ✭ 375 (+451.47%)
Mutual labels:  pose-estimation
android tflite
GPU Accelerated TensorFlow Lite applications on Android NDK. Higher accuracy face detection, Age and gender estimation, Human pose estimation, Artistic style transfer
Stars: ✭ 105 (+54.41%)
Mutual labels:  pose-estimation
L2-GCN
[CVPR 2020] L2-GCN: Layer-Wise and Learned Efficient Training of Graph Convolutional Networks
Stars: ✭ 26 (-61.76%)
Mutual labels:  gcn
realsense explorer bot
Autonomous ground exploration mobile robot which has 3-DOF manipulator with Intel Realsense D435i mounted on a Tracked skid-steer drive mobile robot. The robot is capable of mapping spaces, exploration through RRT, SLAM and 3D pose estimation of objects around it. This is an custom robot with self built URDF model.The Robot uses ROS's navigation…
Stars: ✭ 61 (-10.29%)
Mutual labels:  pose-estimation
kPAM
kPAM: Generalizable Robotic Manipulation
Stars: ✭ 73 (+7.35%)
Mutual labels:  pose-estimation
ailia-models
The collection of pre-trained, state-of-the-art AI models for ailia SDK
Stars: ✭ 1,102 (+1520.59%)
Mutual labels:  pose-estimation
Openpose-based-GUI-for-Realtime-Pose-Estimate-and-Action-Recognition
GUI based on the python api of openpose in windows using cuda10 and cudnn7. Support body , hand, face keypoints estimation and data saving. Realtime gesture recognition is realized through two-layer neural network based on the skeleton collected from the gui.
Stars: ✭ 69 (+1.47%)
Mutual labels:  pose-estimation

GaitGraph

Check out our new version GaitGraph2!

With support for OUMVLP-Pose Dataset, In-Memory Datasets & PyTorch Lightning

Towards a Deeper Understanding of Skeleton-based Gait Recognition

arxiv

This repository contains the PyTorch code for:

GaitGraph: Graph Convolutional Network for Skeleton-Based Gait Recognition

Torben Teepe, Ali Khan, Johannes Gilg, Fabian Herzog, Stefan Hörmann

DOI:10.1109/ICIP42928.2021.9506717 arxiv BibTeX PWC

Pipeline

Quick Start

Prerequisites

  • Python >= 3.6
  • CUDA >= 10

First, create a virtual environment or install dependencies directly with:

pip3 install -r requirements.txt

Data preparation

The extraction of the pose data from CASIA-B can either run the commands bellow or download the preprocessed data using:

cd data
sh ./download_data.sh

Optional: If you choose to run the preprocessing, download the dataset and run the following commands.

# Download required weights
cd models
sh ./download_weights.sh

# Copy extraction script
# <PATH_TO_CASIA-B> should be something like: /home/ ... /datasets/CASIA_Gait_Dataset/DatasetB
cd ../data
cp extract_frames.sh <PATH_TO_CASIA-B>

cd <PATH_TO_CASIA-B>
mkdir frames
sh extract_frames.sh
cd frames
find . -type f -regex ".*\.jpg" -print | sort | grep -v bkgrd > ../casia-b_all_frames.csv
cp ../casia-b_all_frames.csv <PATH_TO_REPO>/data

cd <PATH_TO_REPO>/src
export PYTHONPATH=${PWD}:$PYTHONPATH

cd preparation
python3 prepare_detection.py <PATH_TO_CASIA-B> ../../data/casia-b_all_frames.csv ../../data/casia-b_detections.csv
python3 prepare_pose_estimation.py  <PATH_TO_CASIA-B> ../../data/casia-b_detections.csv ../../data/casia-b_pose_coco.csv
python3 split_casia-b.py ../../data/casia-b_pose_coco.csv --output_dir ../../data

Train

To train the model you can run the train.py script. To see all options run:

cd src
export PYTHONPATH=${PWD}:$PYTHONPATH

python3 train.py --help

Check experiments/1_train_*.sh to see the configurations used in the paper.

Optionally start the tensorboard with:

tensorboard --logdir=save/casia-b_tensorboard 

Evaluation

Evaluate the models using evaluate.py script. To see all options run:

python3 evaluate.py --help

Main Results

Top-1 Accuracy per probe angle excluding identical-view cases for the provided models on CASIA-B dataset.

0 18 36 54 72 90 108 126 144 162 180 mean
NM#5-6 85.3 88.5 91 92.5 87.2 86.5 88.4 89.2 87.9 85.9 81.9 87.7
BG#1-2 75.8 76.7 75.9 76.1 71.4 73.9 78 74.7 75.4 75.4 69.2 74.8
CL#1-2 69.6 66.1 68.8 67.2 64.5 62 69.5 65.6 65.7 66.1 64.3 66.3

The pre-trained model is available here.

Licence & Acknowledgement

GaitPose itself is released under the MIT License (see LICENSE).

The following parts of the code are borrowed from other projects. Thanks for their wonderful work!

Citing GaitGraph

If you use GaitGraph, please use the following BibTeX entry.

@inproceedings{teepe2021gaitgraph,
  author={Teepe, Torben and Khan, Ali and Gilg, Johannes and Herzog, Fabian and H\"ormann, Stefan and Rigoll, Gerhard},
  booktitle={2021 IEEE International Conference on Image Processing (ICIP)}, 
  title={Gait{G}raph: Graph Convolutional Network for Skeleton-Based Gait Recognition}, 
  year={2021},
  pages={2314-2318},
  doi={10.1109/ICIP42928.2021.9506717}
}
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].