All Projects → chrispolo → Keypoints Of Humanpose With Mask R Cnn

chrispolo / Keypoints Of Humanpose With Mask R Cnn

Use the Mask RCNN for the human pose estimation

Projects that are alternatives of or similar to Keypoints Of Humanpose With Mask R Cnn

Osumapper
An automatic beatmap generator using Tensorflow / Deep Learning.
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Neural differential equations
This is the code for "Neural DIfferential Equations" By Siraj Raval on Youtube
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Windrose
A Python Matplotlib, Numpy library to manage wind data, draw windrose (also known as a polar rose plot), draw probability density function and fit Weibull distribution
Stars: ✭ 208 (-0.48%)
Mutual labels:  jupyter-notebook
Lstm stock prediction
This is an LSTM stock prediction using Tensorflow with Keras on top.
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Flaml
A fast and lightweight AutoML library.
Stars: ✭ 205 (-1.91%)
Mutual labels:  jupyter-notebook
Dexplot
Simple plotting library that wraps Matplotlib and integrated with DataFrames
Stars: ✭ 208 (-0.48%)
Mutual labels:  jupyter-notebook
Highres Net
Pytorch implementation of HighRes-net, a neural network for multi-frame super-resolution, trained and tested on the European Space Agency’s Kelvin competition.
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Mlops On Gcp
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Covid19za
Coronavirus COVID-19 (2019-nCoV) Data Repository and Dashboard for South Africa
Stars: ✭ 208 (-0.48%)
Mutual labels:  jupyter-notebook
Dlsys Course.github.io
Deep learning system course
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Orn
Oriented Response Networks, in CVPR 2017
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Eli5
A library for debugging/inspecting machine learning classifiers and explaining their predictions
Stars: ✭ 2,477 (+1085.17%)
Mutual labels:  jupyter-notebook
Visualsearch mxnet
Visual Search using Apache MXNet and gluon
Stars: ✭ 208 (-0.48%)
Mutual labels:  jupyter-notebook
Data Engineering Gcp
Data Engineering on Google Cloud Platform
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Python Bootcamp
Python Bootcamp docs and lectures (UC Berkeley)
Stars: ✭ 208 (-0.48%)
Mutual labels:  jupyter-notebook
Portraitnet
Code for the paper "PortraitNet: Real-time portrait segmentation network for mobile device" @ CAD&Graphics2019
Stars: ✭ 207 (-0.96%)
Mutual labels:  jupyter-notebook
Graph Convolution Nlp
Graph Convolution Network for NLP
Stars: ✭ 208 (-0.48%)
Mutual labels:  jupyter-notebook
3d Mri Brain Tumor Segmentation Using Autoencoder Regularization
Keras implementation of the paper "3D MRI brain tumor segmentation using autoencoder regularization" by Myronenko A. (https://arxiv.org/abs/1810.11654).
Stars: ✭ 209 (+0%)
Mutual labels:  jupyter-notebook
Hardware introduction
What scientific programmers must know about CPUs and RAM to write fast code.
Stars: ✭ 209 (+0%)
Mutual labels:  jupyter-notebook
Workshop blog
Stars: ✭ 208 (-0.48%)
Mutual labels:  jupyter-notebook

Use the maskrcnn for the humanpose keypoints detection

mask rcnn can be used to the human keypoints detection

Requirements

1、 Python3,Keras,TensorFlow。

  • Python 3.4+
  • TensorFlow 1.3+
  • Keras 2.0.8+
  • Jupyter Notebook
  • Numpy, skimage, scipy, Pillow, cython, h5py
  • opencv 2.0

2、MS COCO Requirements:

To train or test on MS COCO, you'll also need:

3、Download pre-trained COCO weights (mask_rcnn_coco_humanpose.h5) from the release page 4、(Optional) To train or test on MS COCO install pycocotools from one of these repos. They are forks of the original pycocotools with fixes for Python3 and Windows (the official repo doesn't seem to be active anymore).

Getting started

  • demo_human_pose.ipynb Is the easiest way to start. It shows an example of using a model pre-trained on MS COCO to segment objects in your own images. It includes code to run humanposeestimation on arbitrary images.

  • train_human_pose.ipynb shows how to train Mask R-CNN on your own coco 2017 dataset. This notebook introduces a toy dataset (Shapes) to demonstrate training on a new dataset.

  • (model.py, utils.py, config.py): These files contain the main Mask RCNN implementation.

  • inference_humanpose.ipynb This notebook goes in depth into the steps performed to detect and segment objects. It provides visualizations of every step of the pipeline.

  • video_demo.py This document show how to detect the keypoints in the video, which use the opencv to detect frame by frame.

Training on coco keypoints

I am providing pre-trained weights for MS COCO 2017 kryoints to make it easier to start. You can use those weights as a starting point to train your own variation on the network. Training and evaluation code is in coco.py. You can import this module in Jupyter notebook (see the provided notebooks for examples) or you can run it directly from the command line as such:

# Train a new model starting from pre-trained COCO weights
python3 coco.py train --dataset=/path/to/coco/ --model=coco

# Train a new model starting from ImageNet weights
python3 coco.py train --dataset=/path/to/coco/ --model=imagenet

# Continue training a model that you had trained earlier
python3 coco.py train --dataset=/path/to/coco/ --model=/path/to/weights.h5

# Continue training the last model you trained. This will find
# the last trained weights in the model directory.
python3 coco.py train --dataset=/path/to/coco/ --model=last

You can also run the COCO evaluation code with:

# Run COCO evaluation on the last trained model
python3 coco.py evaluate --dataset=/path/to/coco/ --model=last

Training on your own datasets

Start by reading this blog post about the balloon color splash sample. It covers the process starting from annotating images to training to using the results in a sample application.

In summary, to train the model on your own dataset you'll need to extend two classes:

Config This class contains the default configuration. Subclass it and modify the attributes you need to change.

Dataset This class provides a consistent way to work with any dataset. It allows you to use new datasets for training without having to change the code of the model. It also supports loading multiple datasets at the same time, which is useful if the objects you want to detect are not all available in one dataset.

See examples in samples/shapes/train_shapes.ipynb, samples/coco/coco.py, samples/balloon/balloon.py, and samples/nucleus/nucleus.py.

Training process

train for 160k iterations, starting from a learning rate of 0.02 and reducing it by 10 at 60k and 80k iterations. I use bounding-box NMS with a threshold of 0.5.I use the Tesla P100 16g ,spent about 48 hours.

The results shows

humanestimtion humanestimation2

Suggestions

You can put your problems in the issues, we can solve it together Download the pretrained weights: https://pan.baidu.com/s/13V0n5m9ZU-ocbAks_GJwvw password: qx8f

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].