All Projects → michalfaber → Tensorflow_realtime_multi Person_pose_estimation

michalfaber / Tensorflow_realtime_multi Person_pose_estimation

Licence: other
Multi-Person Pose Estimation project for Tensorflow 2.0 with a small and fast model based on MobilenetV3

Projects that are alternatives of or similar to Tensorflow realtime multi Person pose estimation

Tf Pose Estimation
Deep Pose Estimation implemented using Tensorflow with Custom Architectures for fast inference.
Stars: ✭ 3,856 (+2889.15%)
Mutual labels:  convolutional-neural-networks, pose-estimation, human-pose-estimation, mobilenet, mobile
Motion Sense
MotionSense Dataset for Human Activity and Attribute Recognition ( time-series data generated by smartphone's sensors: accelerometer and gyroscope)
Stars: ✭ 159 (+23.26%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, mobile
Keras realtime multi Person pose estimation
Keras version of Realtime Multi-Person Pose Estimation project
Stars: ✭ 728 (+464.34%)
Mutual labels:  jupyter-notebook, pose-estimation, human-pose-estimation
Poseestimationformobile
💃 Real-time single person pose estimation for Android and iOS.
Stars: ✭ 783 (+506.98%)
Mutual labels:  convolutional-neural-networks, pose-estimation, human-pose-estimation
Sigmoidal ai
Tutoriais de Python, Data Science, Machine Learning e Deep Learning - Sigmoidal
Stars: ✭ 103 (-20.16%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Personlab Tf
implementation of PersonLab(https://arxiv.org/abs/1803.08225) using TF-slim
Stars: ✭ 103 (-20.16%)
Mutual labels:  jupyter-notebook, human-pose-estimation
Ghostnet
CV backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Stars: ✭ 1,744 (+1251.94%)
Mutual labels:  convolutional-neural-networks, mobilenet
Cs231n Convolutional Neural Networks Solutions
Assignment solutions for the CS231n course taught by Stanford on visual recognition. Spring 2017 solutions are for both deep learning frameworks: TensorFlow and PyTorch.
Stars: ✭ 110 (-14.73%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Image Quality Assessment
Convolutional Neural Networks to predict the aesthetic and technical quality of images.
Stars: ✭ 1,300 (+907.75%)
Mutual labels:  convolutional-neural-networks, mobilenet
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-15.5%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Sigver wiwd
Learned representation for Offline Handwritten Signature Verification. Models and code to extract features from signature images.
Stars: ✭ 112 (-13.18%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-24.81%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Fakeimagedetector
Image Tampering Detection using ELA and CNN
Stars: ✭ 93 (-27.91%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Pose Interpreter Networks
Real-Time Object Pose Estimation with Pose Interpreter Networks (IROS 2018)
Stars: ✭ 104 (-19.38%)
Mutual labels:  jupyter-notebook, pose-estimation
3dunet abdomen cascade
Stars: ✭ 91 (-29.46%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Alexnet Experiments Keras
Code examples for training AlexNet using Keras and Theano
Stars: ✭ 109 (-15.5%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-6.98%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Cpm
Convolutional Pose Machines in TensorFlow
Stars: ✭ 115 (-10.85%)
Mutual labels:  jupyter-notebook, pose-estimation
Tf2 Mobile 2d Single Pose Estimation
💃 Pose estimation for iOS and android using TensorFlow 2.0
Stars: ✭ 122 (-5.43%)
Mutual labels:  pose-estimation, mobile
Metrabs
This is a computer vision algorithm that takes a single RGB image as the input and estimates 3D human poses as the output.
Stars: ✭ 123 (-4.65%)
Mutual labels:  jupyter-notebook, human-pose-estimation

Tensorflow 2.0 Realtime Multi-Person Pose Estimation

What's New

Oct 5, 2020

This repo contains a new upgraded version of the keras_Realtime_Multi-Person_Pose_Estimation project plus some extra scripts and new models.

I added a visualization of final heatmaps and pafs in the Tensorboard. Every 100 iterations, a single image is passed to the model. The predicted heatmaps and pafs are logged in the Tensorboard. You can check this visual representation of prediction every few hours as it gives a good sense of how the training performs.

Scripts and notebooks

This project contains the following scripts and jupyter notebooks:

train_singlenet_mobilenetv3.py - training code for the new model presented in this paper Single-Network Whole-Body Pose Estimation. I replaced VGG with Mobilenet V3. Simplified model with just 3 pafs and 1 heatmap.

train_2br_vgg.py - training code for the old CMU model (2017). This is a new version of the training code from the old repo keras_Realtime_Multi-Person_Pose_Estimation. It has been upgraded to Tensorflow 2.0.

convert_to_tflite.py - conversion of trained models into TFLite.

demo_image.py - pose estimation on the provided image.

demo_video.py - pose estimation on the provided video.

inspect_dataset.ipynb - helper notebook to get more insights into what is generated from the datasets.

test_openpose_singlenet_model.ipynb - helper notebook to preview the predictions from the singlenet model.

test_openpose_2br_vgg_model.ipynb - helper notebook to preview the predictions from the original vgg-based model.

test_tflite_models.ipynb - helper notebook to verify exported TFLite model.

Installation

Prerequisites

    ├── datasets
    │   └── coco_2017_dataset
    │       ├── annotations
    │       │   ├── person_keypoints_train2017.json
    │       │   └── person_keypoints_val2017.json
    │       ├── train2017/*
    │       └── val2017/*
    └── tensorflow_Realtime_Multi-Person_Pose_Estimation/*

Install

Virtualenv

pip install virtualenv
virtualenv .venv
source .venv/bin/activate
pip install -r requirements.txt

Examples

python convert_to_tflite.py --weights=[path to saved weights] --tflite-path=openpose_singlenet.tflite --create-model-fn=create_openpose_singlenet
python demo_image.py --image=resources/ski_224.jpg --output-image=out1.png --create-model-fn=create_openpose_singlenet
python demo_image.py --image=resources/ski_368.jpg --output-image=out2.png --create-model-fn=create_openpose_2branches_vgg
python demo_video.py --video=resources/sample1.mp4 --output-video=sample1_out1.mp4 --create-model-fn=create_openpose_2branches_vgg --input-size=368 --output-resize-factor=8 --paf-idx=10 --heatmap-idx=11
python demo_video.py --video=resources/sample1.mp4 --output-video=sample1_out2.mp4 --create-model-fn=create_openpose_singlenet --input-size=224 --output-resize-factor=8 --paf-idx=2 --heatmap-idx=3
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].