Questions tagged [pose-estimation]

The specific task of determining the position and orientation of an object in an image relative to the camera coordinates is called Pose Estimation.

The pose of a camera is also known as the camera Extrinsic Parameters. It is a 3x4 matrix where the first 3 columns are the rotation (orientation) and the las column is the translation (position).

Camera Pose matrix. Rotation and Translation

291 questions
1
vote
1 answer

How do I find specific points on a image, regardless of the rotate?

I have such a picture. This is the numbers of the dots on the picture. I want the dot numbers to stay the same even if I turn the picture upside down. This rotation can be any angle value. For example Head up Upside down 90 degree 45 degree I…
1
vote
1 answer

OpenCV: Comparing poses from webcam and image

I would like to compare my poses obtained from a webcam to that of a pose obtained from an image. The base code for the pose estimation is from: https://github.com/opencv/opencv/blob/master/samples/dnn/openpose.py How can I compare my own poses…
Steak
  • 514
  • 3
  • 15
1
vote
1 answer

ValueError: Expected tensor to be a tensor image of size (C, H, W). Got tensor.size() = torch.Size([8, 8])

I am trying to normalize my targets (landmarks) here in which each image has 4 landmarks with x and y values for each landmark (keypoint). Here the batch size is 8. network = Network() network.cuda() criterion = nn.MSELoss() optimizer =…
Mona Jalal
  • 34,860
  • 64
  • 239
  • 408
1
vote
0 answers

How to estimate the 3D orientation and position of a ractanguar shape in 2D image

This is the original image that i took: https://i.stack.imgur.com/MCp9B.jpg I threshold the image: https://i.stack.imgur.com/hvSND.png hsv_img = cv2.cvtColor(img, cv2.COLOR_BGR2HSV) frame_threshed = cv2.inRange(hsv_img, lower_limit,…
liad inon
  • 243
  • 1
  • 12
1
vote
0 answers

Connection between pose estimation, epipolar geometry and depth map

Hi I am an undergraduate student working on a graduate project, and a beginner to computer vision. After I went through the tutorial "Camera Calibration and 3D Reconstruction" provided by OpenCV (link) : https://docs.opencv.org/master/d9/db7... I…
askl1278
  • 11
  • 1
1
vote
0 answers

OpenPose for Batch Processing Videos

I am working on pose estimation for hands and face using OpenPose (https://github.com/CMU-Perceptual-Computing-Lab/openpose) on Google Colab. I have hundred videos in my dataset, right now I am able to run OpenPose on each video individually. Is…
1
vote
0 answers

How to extract keypoints with confidence score from a pytorch output tensor?

I am using a pretrained model for pose estimation with Pytorch: https://github.com/microsoft/human-pose-estimation.pytorch I am using the model to detect persons and their 17 keypoints in an image but I am not sure how I should convert the output…
Ioanna
  • 366
  • 1
  • 5
1
vote
2 answers

Use posenet from tensorflow.js in electron

I am trying to use the posenet MobileNetV1 network in an electron app. I want to be able to read image from file system (it does not matter if it is a png or jpg), and run it through the network. What have I done so far: I am using the following…
Yonlif
  • 1,770
  • 1
  • 13
  • 31
1
vote
0 answers

How are groundtruths (heatmaps and PAFs) in pose estimation generated?

I hope you're doing well in this time of the pandemic. I'm working with keypoint processing; more specifically, trying to identify the location and orientation of an object based on its keypoints. I have read some research papers and saw that they…
bardhito
  • 11
  • 2
1
vote
0 answers

Obtaining Rotation and Translation from 3D Hand Keypoints

I currently have a stable source of 3D Key points from the palm of my hand. I would like to know how I can go about getting the transformation of my hand after some random motion a few frames later. The key points I have are the wrist, and the…
1
vote
1 answer

Tensorflow: Determine the output stride of a pretrained CNN model

I have downloaded and am implementing a ML application using the Tensorflow Lite Posenet Model. The output of this model is a heatmap, which is a part of CNN's I am new to. One piece of information required to process the output is the "output…
Josh Sharkey
  • 1,008
  • 9
  • 34
1
vote
0 answers

Why does Charuco Board detection sometimes fail spectacularly?

I am trying to find the positions of multiple monitors in 3d space. For that purpose I display charuco boards and take a short video of the whole setup. Sample frame here (cropped down from 4k to preserve privacy): Code is taken verbatim from the…
fho
  • 6,787
  • 26
  • 71
1
vote
0 answers

Training loss explodes from first training example and then outputs nan

I'm a novice at deep learning, I have built some basic CNNs, but this time I'm trying to build FCN(Fully Convolutional Network) similar to Yolo3. my network contains 32 layers with LeakyRelu as the activation function and adam optimizer. there are…
1
vote
1 answer

OpenCV solvePnP method returns NaN values

I'm doing barcode detection using zbar library with opencv in C++. The barcode detection is working good and I'm getting results like that Now I want to use cv::solvePnP to get the pose of my camera (already calibrated). As 3D points I'm using a…
User
  • 806
  • 1
  • 11
  • 28
1
vote
0 answers

How to animate a 3D model identical to the poses of a source human using PoseNet?

We are developing an pose estimation system that animate a 3D model in the screen based on the pose of the human I want 3D rendering like this :: I searched in their offical github repo but only 2D code is there A 3D implementation is available in…
RagAnt
  • 1,064
  • 2
  • 17
  • 35