SMPL-X: A new joint 3D model of the human body, face and hands together

Related tags

Deep Learning smplx
Overview

SMPL-X: A new joint 3D model of the human body, face and hands together

[Paper Page] [Paper] [Supp. Mat.]

SMPL-X Examples

Table of Contents

License

Software Copyright License for non-commercial scientific research purposes. Please read carefully the terms and conditions and any accompanying documentation before you download and/or use the SMPL-X/SMPLify-X model, data and software, (the "Model & Software"), including 3D meshes, blend weights, blend shapes, textures, software, scripts, and animations. By downloading and/or using the Model & Software (including downloading, cloning, installing, and any other use of this github repository), you acknowledge that you have read these terms and conditions, understand them, and agree to be bound by them. If you do not agree with these terms and conditions, you must not download and/or use the Model & Software. Any infringement of the terms of this agreement will automatically terminate your rights under this License.

Disclaimer

The original images used for the figures 1 and 2 of the paper can be found in this link. The images in the paper are used under license from gettyimages.com. We have acquired the right to use them in the publication, but redistribution is not allowed. Please follow the instructions on the given link to acquire right of usage. Our results are obtained on the 483 × 724 pixels resolution of the original images.

Description

SMPL-X (SMPL eXpressive) is a unified body model with shape parameters trained jointly for the face, hands and body. SMPL-X uses standard vertex based linear blend skinning with learned corrective blend shapes, has N = 10, 475 vertices and K = 54 joints, which include joints for the neck, jaw, eyeballs and fingers. SMPL-X is defined by a function M(θ, β, ψ), where θ is the pose parameters, β the shape parameters and ψ the facial expression parameters.

News

  • 3 November 2020: We release the code to transfer between the models in the SMPL family. For more details on the code, go to this readme file. A detailed explanation on how the mappings were extracted can be found here.
  • 23 September 2020: A UV map is now available for SMPL-X, please check the Downloads section of the website.
  • 20 August 2020: The full shape and expression space of SMPL-X are now available.

Installation

To install the model please follow the next steps in the specified order:

  1. To install from PyPi simply run:
pip install smplx[all]
  1. Clone this repository and install it using the setup.py script:
git clone https://github.com/vchoutas/smplx
python setup.py install

Downloading the model

To download the SMPL-X model go to this project website and register to get access to the downloads section.

To download the SMPL+H model go to this project website and register to get access to the downloads section.

To download the SMPL model go to this (male and female models) and this (gender neutral model) project website and register to get access to the downloads section.

Loading SMPL-X, SMPL+H and SMPL

SMPL and SMPL+H setup

The loader gives the option to use any of the SMPL-X, SMPL+H, SMPL, and MANO models. Depending on the model you want to use, please follow the respective download instructions. To switch between MANO, SMPL, SMPL+H and SMPL-X just change the model_path or model_type parameters. For more details please check the docs of the model classes. Before using SMPL and SMPL+H you should follow the instructions in tools/README.md to remove the Chumpy objects from both model pkls, as well as merge the MANO parameters with SMPL+H.

Model loading

You can either use the create function from body_models or directly call the constructor for the SMPL, SMPL+H and SMPL-X model. The path to the model can either be the path to the file with the parameters or a directory with the following structure:

models
├── smpl
│   ├── SMPL_FEMALE.pkl
│   └── SMPL_MALE.pkl
│   └── SMPL_NEUTRAL.pkl
├── smplh
│   ├── SMPLH_FEMALE.pkl
│   └── SMPLH_MALE.pkl
├── mano
|   ├── MANO_RIGHT.pkl
|   └── MANO_LEFT.pkl
└── smplx
    ├── SMPLX_FEMALE.npz
    ├── SMPLX_FEMALE.pkl
    ├── SMPLX_MALE.npz
    ├── SMPLX_MALE.pkl
    ├── SMPLX_NEUTRAL.npz
    └── SMPLX_NEUTRAL.pkl

MANO and FLAME correspondences

The vertex correspondences between SMPL-X and MANO, FLAME can be downloaded from the project website. If you have extracted the correspondence data in the folder correspondences, then use the following scripts to visualize them:

  1. To view MANO correspondences run the following command:
python examples/vis_mano_vertices.py --model-folder $SMPLX_FOLDER --corr-fname correspondences/MANO_SMPLX_vertex_ids.pkl
  1. To view FLAME correspondences run the following command:
python examples/vis_flame_vertices.py --model-folder $SMPLX_FOLDER --corr-fname correspondences/SMPL-X__FLAME_vertex_ids.npy

Example

After installing the smplx package and downloading the model parameters you should be able to run the demo.py script to visualize the results. For this step you have to install the pyrender and trimesh packages.

python examples/demo.py --model-folder $SMPLX_FOLDER --plot-joints=True --gender="neutral"

SMPL-X Examples

Modifying the global pose of the model

If you want to modify the global pose of the model, i.e. the root rotation and translation, to a new coordinate system for example, you need to take into account that the model rotation uses the pelvis as the center of rotation. A more detailed description can be found in the following link. If something is not clear, please let me know so that I can update the description.

Citation

Depending on which model is loaded for your project, i.e. SMPL-X or SMPL+H or SMPL, please cite the most relevant work below, listed in the same order:

@inproceedings{SMPL-X:2019,
    title = {Expressive Body Capture: 3D Hands, Face, and Body from a Single Image},
    author = {Pavlakos, Georgios and Choutas, Vasileios and Ghorbani, Nima and Bolkart, Timo and Osman, Ahmed A. A. and Tzionas, Dimitrios and Black, Michael J.},
    booktitle = {Proceedings IEEE Conf. on Computer Vision and Pattern Recognition (CVPR)},
    year = {2019}
}
@article{MANO:SIGGRAPHASIA:2017,
    title = {Embodied Hands: Modeling and Capturing Hands and Bodies Together},
    author = {Romero, Javier and Tzionas, Dimitrios and Black, Michael J.},
    journal = {ACM Transactions on Graphics, (Proc. SIGGRAPH Asia)},
    volume = {36},
    number = {6},
    series = {245:1--245:17},
    month = nov,
    year = {2017},
    month_numeric = {11}
  }
@article{SMPL:2015,
    author = {Loper, Matthew and Mahmood, Naureen and Romero, Javier and Pons-Moll, Gerard and Black, Michael J.},
    title = {{SMPL}: A Skinned Multi-Person Linear Model},
    journal = {ACM Transactions on Graphics, (Proc. SIGGRAPH Asia)},
    month = oct,
    number = {6},
    pages = {248:1--248:16},
    publisher = {ACM},
    volume = {34},
    year = {2015}
}

This repository was originally developed for SMPL-X / SMPLify-X (CVPR 2019), you might be interested in having a look: https://smpl-x.is.tue.mpg.de.

Acknowledgments

Facial Contour

Special thanks to Soubhik Sanyal for sharing the Tensorflow code used for the facial landmarks.

Contact

The code of this repository was implemented by Vassilis Choutas.

For questions, please contact [email protected].

For commercial licensing (and all related questions for business applications), please contact [email protected].

Comments
  • SMPL-X UV map table problem

    SMPL-X UV map table problem

    I'm trying to add texture to the SMPL-X. While loading the SMPL-X pickle file vertex count in "v_template" is 10475 while the "vt" which I suppose represents the UV table is of size 11313x2. Is there any way to associate this UV table with 10475 vertices?

    opened by ahmedrasheed3995 7
  • npz files missing for SMPL-H model

    npz files missing for SMPL-H model

    Could you please share the npz files for SMPL-H model?

    I get the following error:

    [jalal@goku smplx]$ python examples/demo.py --model-folder /scratch3/3d_pose/humanpose/SMPL_models/models --model-type="smplh" --plot-joints=True --gender="female" --use-face-contour=True
    Traceback (most recent call last):
      File "examples/demo.py", line 138, in <module>
        use_face_contour=use_face_contour)
      File "examples/demo.py", line 33, in main
        ext=ext)
      File "/scratch/sjn-p3/anaconda/anaconda3/lib/python3.6/site-packages/smplx/body_models.py", line 99, in create
        return SMPLH(model_path, **kwargs)
      File "/scratch/sjn-p3/anaconda/anaconda3/lib/python3.6/site-packages/smplx/body_models.py", line 468, in __init__
        smplh_path)
    AssertionError: Path /scratch3/3d_pose/humanpose/SMPL_models/models/smplh/SMPLH_FEMALE.npz does not exist!
    [jalal@goku smplx]$ ls /scratch3/3d_pose/humanpose/SMPL_models/models/smplh/
    total 254740
    drwxrwx---. 4 jalal cs-grad      4096 Sep 24 17:33 ..
    -rwx------. 1 jalal cs-grad 130422893 Sep 24 17:33 SMPLH_male.pkl
    drwxr-xr-x. 2 jalal cs-grad        64 Sep 24 17:34 .
    -rwx------. 1 jalal cs-grad 130423021 Sep 24 17:34 SMPLH_female.pkl
    
    
    opened by monajalal 7
  • smplx download denied

    smplx download denied

    I tried some web browsers, all show as followed. Please keep in mind that all downloads are blocked if they are not started from the website directly. How to solve it ?

    opened by sunmengnan 6
  • convert poses in the SMPL family

    convert poses in the SMPL family

    Hello and thanks for the SMPL repos!

    I'm trying to convert poses between the different SMPL body models. I have tried the conversion implemented which works very well but convert mesh into mesh with optimisation which is a quite long process.

    Do you know how can we simply convert, for exemple, a SMPL-H with 156 dimensions into SMPL with 72 dimensions.

    Thanks for any help!

    opened by HenriMir 6
  • How to create and save a smplx mesh with pose?

    How to create and save a smplx mesh with pose?

    Hi, thanks to your great work. I have run the examples/demo.py and get the visualized smplx mesh, but I found that it was a normal mesh without pose. So can I use this project to get a mesh with pose like smplify-x from a photo? Besides, I also install the smplx add-on in Blender. I tried to load the smplify-x/output/result/000.pkl to the smplx models, and it failed. How can I transfer smplify-x data to smplx data? It is work out? And I have no idea about where to find the pose pkl loaded to the smplx add-on.

    opened by lbycan 5
  • SMPL to SMPLX error

    SMPL to SMPLX error

    Hello, when trying to run the SMPL to SMPLX transfer, I encounter the following error

    Traceback (most recent call last):
      File "/usr/lib/python3.6/runpy.py", line 193, in _run_module_as_main
        "__main__", mod_spec)
      File "/usr/lib/python3.6/runpy.py", line 85, in _run_code
        exec(code, run_globals)
      File "/home/sashawald/Documents/smplx/transfer_model/__main__.py", line 100, in <module>
        main()
      File "/home/sashawald/Documents/smplx/transfer_model/__main__.py", line 54, in main
        body_model = build_layer(model_path, **exp_cfg.body_model)
      File "/home/sashawald/Documents/smplx/smplx/body_models.py", line 2345, in build_layer
        raise ValueError(f'Unknown model type {model_type}, exiting!')
    ValueError: Unknown model type body, exiting!
    

    Does anyone know what might be causing this issue? I am trying to convert a folder of .ply files. Thank you!

    opened by Alex-web100 5
  • How to fuse MANO pose and SMPL pose into SMPL-X or SMPL+H?

    How to fuse MANO pose and SMPL pose into SMPL-X or SMPL+H?

    https://github.com/vchoutas/smplx/issues/63#issuecomment-780128592 This comment said:

    SMPL-H and SMPL have the same pose and shape params (unlike SMPL-X and SMPL). So you can simply ignore the hand pose params and use the other pose and shape parameters in SMPL. It is that simple.

    My problem is: I now have a set of MANO parameter, and a set of SMPL parameter, what is the quickest way to use them in SMPL-X?

    1. Does this mean that we can directly feed MANO and SMPL's θ/β into SMPL+H to get correct results?
    2. Do I need to first convert SMPL to SMPL-X or should I first use the parameter to get a SMPL+H, and then from SMPL+H to SMPL-X

    I tried to directly input MANO's theta into the SMPLX model, it outputs like this: image

    I've also tried to replace hand vertices by using the mano index, but the hand is a flat plane, is it due to the flat-hand_mean? But I can't find it in smplx image

    opened by ZhengdiYu 4
  • Separate Face training

    Separate Face training

    Hi,

    Thanks for the great work. (Not really an issue but) I would like to ask if there is a way for using smplx as a 3DMM for the head (i.e. use only head data and parameters). Is there a fast out-of-the-box way to do this or should I try to separate the head of the model (and their corresponding parameters) according to the head joints?

    Thank you very much.

    opened by ankarako 4
  • Joints index name

    Joints index name

    Hey, thank you so much for the fantastic work! Is there a documentation of all the joints name obtained from SMPLX model: https://github.com/vchoutas/smplx/blob/master/examples/demo.py#L43

    I can only find the following 20 joints index name: https://github.com/vchoutas/smplx/blob/master/smplx/vertex_ids.py#L48-L69 But joints like neck, spine, are missing from the list.

    A list of names for each joint index will be really helpful! Thank you!

    opened by ZheC 4
  • pyglet.window.NoSuchConfigException

    pyglet.window.NoSuchConfigException

    hello, thx your demo. When I want run demo.py, I got the error like this: `Traceback (most recent call last): File "examples/demo.py", line 99, in use_face_contour=use_face_contour) File "examples/demo.py", line 66, in main pyrender.Viewer(scene, use_raymond_lighting=True) File "/home/liwensh/anaconda3/lib/python3.7/site-packages/pyrender/viewer.py", line 347, in init self._init_and_start_app() File "/home/liwensh/anaconda3/lib/python3.7/site-packages/pyrender/viewer.py", line 997, in _init_and_start_app height=self._viewport_size[1]) File "/home/liwensh/anaconda3/lib/python3.7/site-packages/pyglet/window/xlib/init.py", line 170, in init super(XlibWindow, self).init(*args, **kwargs) File "/home/liwensh/anaconda3/lib/python3.7/site-packages/pyglet/window/init.py", line 592, in init config = screen.get_best_config(config) File "/home/liwensh/anaconda3/lib/python3.7/site-packages/pyglet/canvas/base.py", line 197, in get_best_config raise window.NoSuchConfigException()

    pyglet.window.NoSuchConfigException ` any suggestion can you give me about how to solve it?

    opened by liwenssss 4
  • Convert SMPL-H to SMPL-X

    Convert SMPL-H to SMPL-X

    Hi, thanks for the code! I tried to convert an SMPL-H model (.obj generated by the following code piece) to an SMPL-X representation. While trying to run this code python -m transfer_model --exp-cfg config_files/smplh2smplx.yaml, I met several problems.

    • .obj generation code using trimesh.Trimesh
    seq = np.load(sample_paths[seq_no])
    BATCH_SIZE = seq['poses'].shape[0]
    smplm, smplf, _ = load_models(True, batch_size=BATCH_SIZE, model_type=args.model_type)
    thetas = torch.from_numpy(seq['poses'][:BATCH_SIZE, 3:66]).float()
    if MODEL_TYPE == 'smpl':
        thetas = torch.cat((thetas, torch.zeros(BATCH_SIZE, 1 * 3 * 2)), dim=1)
    elif MODEL_TYPE in ['smplx', 'smplh']:
        thetas = torch.cat((thetas, torch.zeros(BATCH_SIZE, 1 * 3 * 0 + 1 * 3 * 0)), dim=1)
    pose_hand = torch.from_numpy(seq['poses'][:BATCH_SIZE, 66:]).float()
    global_orient = torch.from_numpy(seq['poses'][:BATCH_SIZE, :3]).float()
    # get betas
    betas = torch.from_numpy(seq['betas'][:args.num_betas]).float().unsqueeze(0).repeat(thetas.shape[0], 1)
    # get root translation
    trans = torch.from_numpy(seq['trans'][:BATCH_SIZE]).float()
    subject_gender = seq['gender']
    # SMPL forward with gender specific model
    if str(seq['gender']).lower() == 'male':
        SMPLOutput = smplm.forward(transl=trans,
                                   global_orient=global_orient,
                                   hand_pose=pose_hand,
                                   body_pose=thetas,
                                   betas=betas,
                                   pose2rot=True, )
        faces = smplm.faces
    elif str(seq['gender']).lower() == 'female':
        SMPLOutput = smplf.forward(transl=trans,
                                   global_orient=global_orient,
                                   body_pose=thetas,
                                   hand_pose=pose_hand,
                                   betas=betas,
                                   pose2rot=True, )
        faces = smplf.faces
    else:
        SMPLOutput = smplm.forward(transl=trans,
                                   global_orient=global_orient,
                                   body_pose=thetas,
                                   hand_pose=pose_hand,
                                   betas=betas,
                                   pose2rot=True, )
        faces = smplm.faces
    all_step_vertices = SMPLOutput.vertices.to(DEVICE).float()  # torch.Size([100, 3])
    print('SMPLOutput.vertices.shape: ', all_step_vertices.shape)
    
    save_folder = '/'.join(sample_paths[seq_no].split('/')[3:-1])
    obj_name = sample_paths[seq_no].split('/')[-1]
    for i in range(all_step_vertices.shape[0]):
        if args.model_type in ['smpl', 'smplh']:
            mesh = trimesh.Trimesh(vertices=c2c(all_step_vertices[i]), faces=faces,
                                   vertex_colors=np.tile(colors['grey'], (6890, 1)))
        else:
            mesh = trimesh.Trimesh(vertices=c2c(all_step_vertices[i]), faces=faces, vertex_colors=np.tile(colors['grey'], (10475, 1)))
        os.makedirs(osp.join(OUTPUT_DIR, save_folder), exist_ok=True)
        save_dir = osp.join(OUTPUT_DIR, save_folder, '{0}_{1:02d}.obj'.format(obj_name, i))
        save_mesh(mesh, None, save_dir)
        print('Saved to {}'.format(save_dir))
        obj_list.append(save_dir)
    
    • smplh2smplx.yaml
    datasets:
        mesh_folder:
            data_folder: 'transfer_data/meshes/smplh'
    deformation_transfer_path: 'transfer_data/smplh2smplx_deftrafo_setup.pkl'
    # mask_ids_fname: 'smplx_mask_ids.npy'
    mask_ids_fname: 'transfer_data/smplx_mask_ids.npy'
    summary_steps: 100
    
    edge_fitting:
        per_part: False
    
    optim:
        type: 'trust-ncg'
        maxiters: 100
        gtol: 1e-06
    
    body_model:
        model_type: "smplx"
        gender: "neutral"
    #    folder: "transfer_data/body_models"
        folder: '../Dataset/amass_contacts/models/smplx/SMPLX_MALE.npz'
        use_compressed: False
        use_face_contour: True
        smplx:
            betas:
                num: 10
            expression:
                num: 10
    

    Input: image model_transfer Output: image

    Question: I suspect the input .obj file is incorrect, even though the input “looks” correct. Is there any requirements for the transfer_model input?

    Thank you for taking the time to solve our problems in advance!

    Best

    opened by Jiankai-Sun 3
  • TensorOutput has no 'v_shaped'

    TensorOutput has no 'v_shaped'

    Hi,

    i met an issue during SMPLX forward passing: got an unexpected keyword argument 'v_shaped' here: https://github.com/vchoutas/smplx/blob/main/smplx/body_models.py#L1289.

    The reason is that the attribute 'v_shaped' is not defined in the class 'TensorOutput'. Replace the 'TensorOutput' with 'SMPLXOutput' at line 1139 and 1289 resolves the issue.

    opened by YuxuanSnow 1
  • vertex representation of SMPL

    vertex representation of SMPL

    Please tell me about the 6890 points output by SMPL, whether they represent different meanings by different serial numbers, such as 0~1000 for the arm and 1001~2000 for the leg.

    opened by Yang-Kaixing 0
  • Trouble with launching via Docker

    Trouble with launching via Docker

    Could you consider getting rid of this line https://github.com/vchoutas/smplx/blob/4e2a3175c1309abe42b121a41f5c7d78c1935f42/smplx/body_models.py#L128 ?

    opened by david-svitov 0
  • Converting the SMPL pose parameters

    Converting the SMPL pose parameters

    I want to convert the SMPL pose params(72) into a neutral pose. How can I achieve this?

    Meaning, once I have a vector theta representing the 3D mesh for a human being in given pose, I want to now retain the shape and joint information and just change the pose of the person to be some other neutral pose(where the person is standing straight with both hands lifted to the side and facing the front)?

    opened by adityab05 0
  • One question about

    One question about "batch_rigid_transform" function

    Thanks for your wonderful work. I have a question. In function batch_rigid_transform of lbs.py, what is the reason to do this: rel_transforms = transforms - F.pad(torch.matmul(transforms, joints_homogen), [3, 0, 0, 0, 0, 0, 0, 0]) ?

    opened by blairstar 1
Owner
Vassilis Choutas
Ph.D. Student, Perceiving Systems, Max Planck ETH Center for Learning Systems
Vassilis Choutas
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation

Build Type Linux MacOS Windows Build Status OpenPose has represented the first real-time multi-person system to jointly detect human body, hand, facia

null 25.7k Jan 9, 2023
Face and Pose detector that emits MQTT events when a face or human body is detected and not detected.

Face Detect MQTT Face or Pose detector that emits MQTT events when a face or human body is detected and not detected. I built this as an alternative t

Jacob Morris 38 Oct 21, 2022
Accelerated SMPL operation, commonly used in generate 3D human mesh, STAR included.

SMPL2 An enchanced and accelerated SMPL operation which commonly used in 3D human mesh generation. It takes a poses, shapes, cam_trans as inputs, outp

JinTian 20 Oct 17, 2022
Human POSEitioning System (HPS): 3D Human Pose Estimation and Self-localization in Large Scenes from Body-Mounted Sensors, CVPR 2021

Human POSEitioning System (HPS): 3D Human Pose Estimation and Self-localization in Large Scenes from Body-Mounted Sensors Human POSEitioning System (H

Aymen Mir 66 Dec 21, 2022
Code for HLA-Face: Joint High-Low Adaptation for Low Light Face Detection (CVPR21)

HLA-Face: Joint High-Low Adaptation for Low Light Face Detection The official PyTorch implementation for HLA-Face: Joint High-Low Adaptation for Low L

Wenjing Wang 77 Dec 8, 2022
Full body anonymization - Realistic Full-Body Anonymization with Surface-Guided GANs

Realistic Full-Body Anonymization with Surface-Guided GANs This is the official

Håkon Hukkelås 30 Nov 18, 2022
WormMovementSimulation - 3D Simulation of Worm Body Movement with Neurons attached to its body

Generate 3D Locomotion Data This module is intended to create 2D video trajector

null 1 Aug 9, 2022
Ultra-lightweight human body posture key point CNN model. ModelSize:2.3MB HUAWEI P40 NCNN benchmark: 6ms/img,

Ultralight-SimplePose Support NCNN mobile terminal deployment Based on MXNET(>=1.5.1) GLUON(>=0.7.0) framework Top-down strategy: The input image is t

null 223 Dec 27, 2022
MediaPipeのPythonパッケージのサンプルです。2020/12/11時点でPython実装のある4機能(Hands、Pose、Face Mesh、Holistic)について用意しています。

mediapipe-python-sample MediaPipeのPythonパッケージのサンプルです。 2020/12/11時点でPython実装のある以下4機能について用意しています。 Hands Pose Face Mesh Holistic Requirement mediapipe 0.

KazuhitoTakahashi 217 Dec 12, 2022
Some useful blender add-ons for SMPL skeleton's poses and global translation.

Blender add-ons for SMPL skeleton's poses and trans There are two blender add-ons for SMPL skeleton's poses and trans.The first is for making an offli

犹在镜中 154 Jan 4, 2023
An addon uses SMPL's poses and global translation to drive cartoon character in Blender.

Blender addon for driving character The addon drives the cartoon character by passing SMPL's poses and global translation into model's armature in Ble

犹在镜中 153 Dec 14, 2022
A very simple baseline to estimate 2D & 3D SMPL-compatible keypoints from a single color image.

Minimal Body A very simple baseline to estimate 2D & 3D SMPL-compatible keypoints from a single color image. The model file is only 51.2 MB and runs a

Yuxiao Zhou 49 Dec 5, 2022
Solving SMPL/MANO parameters from keypoint coordinates.

Minimal-IK A simple and naive inverse kinematics solver for MANO hand model, SMPL body model, and SMPL-H body+hand model. Briefly, given joint coordin

Yuxiao Zhou 305 Dec 30, 2022
[3DV 2020] PeeledHuman: Robust Shape Representation for Textured 3D Human Body Reconstruction

PeeledHuman: Robust Shape Representation for Textured 3D Human Body Reconstruction International Conference on 3D Vision, 2020 Sai Sagar Jinka1, Rohan

Rohan Chacko 39 Oct 12, 2022
HPRNet: Hierarchical Point Regression for Whole-Body Human Pose Estimation

HPRNet: Hierarchical Point Regression for Whole-Body Human Pose Estimation Official PyTroch implementation of HPRNet. HPRNet: Hierarchical Point Regre

Nermin Samet 53 Dec 4, 2022
Python scripts for performing 3D human pose estimation using the Mobile Human Pose model in ONNX.

Python scripts for performing 3D human pose estimation using the Mobile Human Pose model in ONNX.

Ibai Gorordo 99 Dec 31, 2022
Axel - 3D printed robotic hands and they controll with Raspberry Pi and Arduino combo

Axel It's our graduation project about 3D printed robotic hands and they control

null 0 Feb 14, 2022
Checkout some cool self-projects you can try your hands on to curb your boredom this December!

SoC-Winter Checkout some cool self-projects you can try your hands on to curb your boredom this December! These are short projects that you can do you

Web and Coding Club, IIT Bombay 29 Nov 8, 2022
GazeScroller - Using Facial Movements to perform Hands-free Gesture on the system

GazeScroller Using Facial Movements to perform Hands-free Gesture on the system

null 2 Jan 5, 2022