computer-vision Questions
2
The code below (taken from here) seems to implement only a simple Dropout, neither the DropPath nor DropConnect. Is that true?
def drop_path(x, drop_prob: float = 0., training: bool = False):
&quo...
Jalisajalisco asked 14/9, 2021 at 9:53
3
I am try to classfication with object detection at the colab.I am using "ssd_resnet101_v1_fpn_640x640_coco17_tpu-8.config"When I start to training I get error.
Training=
!python model_mai...
Glabrate asked 30/11, 2020 at 13:41
3
Solved
I am trying to use a pre-trained model. Here's where the problem occurs
Isn't the model supposed to take in a simple colored image? Why is it expecting a 4-dimensional input?
RuntimeError Traceba...
Jeanniejeannine asked 28/7, 2019 at 1:52
4
Solved
I have some cropped images and I need images that have black texts on white background. Firstly I apply adaptive thresholding and then I try to remove noise. Although I tried a lot of noise removal...
Decompound asked 27/5, 2020 at 11:37
1
I'm having a problem for just one point (x, y) of the image and having already calculated the transformation matrix on the two images calculate what the corresponding point (x, y) in the second ima...
Oversupply asked 12/4, 2019 at 16:32
2
I have a multi-page .pdf (scanned images) containing handwriting I would like to crop and store as new separate images. For example, in the visual below I would like to extract the handwriting insi...
Arsenious asked 17/7, 2019 at 4:30
2
Solved
The definition of 8-adjacency and m-adjacency are clear. But is there a case where two pixels p and q can be 8-adjacent, but not m-adjacent. I have given the definition of 8-adjacent and m-adjacent...
Adnah asked 27/7, 2017 at 6:31
4
Solved
How can I use OpenCV in Python to draw rectangles around some regions within an image for object detection purposes?
Woden asked 18/5, 2014 at 10:20
5
I was reading this from a paper: "Rather than using relatively large receptive fields in the first conv. layers we use very small 3 × 3 receptive fields throughout the whole net, which are convolve...
Doubletongued asked 10/5, 2016 at 11:9
3
Solved
I have image in either RGB format or grayscale format (I converted it through Gimp, let's say), now everytime I load the image in grayscale, or just transform it to grayscale format, the shape alwa...
Auspicate asked 8/5, 2017 at 17:12
5
Solved
As I understand it, AVCameraCalibrationData is only available over AVCaptureDepthDataOutput. Is that correct?
AVCaptureDepthDataOutput on the other hand is only accessible with iPhone X front cam ...
Effort asked 4/1, 2018 at 10:41
0
I'd like to embed bounding boxes, labels, etc. into live video stream to optionally draw them thereafter on the client-side in web-browser and looking for a way how to do.
Could you please give me ...
Economic asked 26/10, 2021 at 18:47
4
Is there a more efficient way to use Template Matching with images of different sizes?
Here is my current Script:
import cv2
import numpy as np
img_bgr = cv2.imread('./full.jpg')
img_gray = cv2.c...
Goggle asked 9/4, 2018 at 19:59
1
I try to create a Point Cloud based on the images from the KITTI stereo images dataset so then later I could estimate 3D position of some objects.
Original images looks like this.
What I have so ...
Segarra asked 26/7, 2017 at 11:36
5
Solved
The COCO dataset is very large for me to upload it to google colab. Is there any way I can directly download the dataset to google colab?
Vietnam asked 7/4, 2019 at 8:18
2
My goal is to fit a line through a point cloud. The point cloud is approximately cylindrical but can be curved, which is why the fitted line should not be straight.
I’ve tried several things, but t...
Thermochemistry asked 27/9, 2021 at 17:45
3
I would like to know is there is a way to blur the faces that have been automatically identify by the haarcascade face classifier.
using the code below, I'm able to detect the faces, crop the imag...
Pachalic asked 5/8, 2013 at 18:15
9
Solved
I have seen all questions on SO for range of HSV color space for skin
But I can only figure out this
Code -
CvScalar hsv_min = cvScalar(0, 30, 60, 0);
CvScalar hsv_max = cvScalar(20, 150, 255, 0...
Hesione asked 6/1, 2012 at 5:38
3
import torch
import torch.nn as nn
device = torch.device('cuda' if torch.cuda.is_available() else
'cpu')
class Model(nn.Module):
def __init__(self):
super(Model, self).__init__()
self.layer =...
Rheumatism asked 9/9, 2018 at 5:41
1
I have split contours in a image and I want to connect them assuming they are parametrized curves. I was considering some curve fitting or curve
tracing - but I do not know, how can I implement it....
Hexane asked 24/9, 2021 at 22:38
6
Solved
I need to get the bounding box coordinates generated in the above image using YOLO object detection.
Encrimson asked 14/6, 2017 at 12:12
2
I'm trying to take two images using the camera, and align them using the iOS Vision framework:
func align(firstImage: CIImage, secondImage: CIImage) {
let request = VNTranslationalImageRegistrati...
Gruchot asked 10/2, 2018 at 5:52
2
Solved
I am trying to segment lung CT images using Kmeans by using code below:
def process_mask(mask):
convex_mask = np.copy(mask)
for i_layer in range(convex_mask.shape[0]):
mask1 = np.ascontiguousarr...
Truncheon asked 9/9, 2021 at 9:42
4
Solved
Is there a way (using something like OpenCV) to detect text skew and correct it by rotating the image? Pretty much like this?
Rotating an image seems easy enough if you know the angle, but for...
Sampan asked 25/4, 2014 at 3:13
2
Solved
I am evaluating a Tensorflow model on open cv video frames. I need to reshape the incoming PIL image into reshaped numpy array so that i can run inference on it.
But i see that the conversion of th...
Forecast asked 22/9, 2018 at 4:18
© 2022 - 2024 — McMap. All rights reserved.