Brian Kreidberg
Brian Kreidberg

Reputation: 309

how to get an image from a camera using opencv without making a new .jpg file

I have this code to detect laser points using the open cv library and I had it working when I would feed it a .jpg or .png file as an augment but now I want to get an image from a camera. "video 0" I am using Ubuntu 16.04 here is my code I marked the problem with ****** any help would greatly be appreciated:

# import the necessary packages
from imutils import contours
from skimage import measure
import numpy as np
import argparse
import imutils
import cv2

# construct the argument parse and parse the arguments
ap = argparse.ArgumentParser()
ap.add_argument("-i", "--image", required=False,
    help="path to the image file")
args = vars(ap.parse_args())

camera = cv2.VideoCapture(0)
#problem is here ********************************************
ret, image = camera.read()

gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)
blurred = cv2.GaussianBlur(gray, (11, 11), 0)
#threshold the image to reveal light regions in the
# blurred image
thresh = cv2.threshold(blurred, 200, 255, cv2.THRESH_BINARY)[1]
# perform a series of erosions and dilations to remove
# any small blobs of noise from the thresholded image
thresh = cv2.erode(thresh, None, iterations=2)
thresh = cv2.dilate(thresh, None, iterations=4)
# perform a connected component analysis on the thresholded
# image, then initialize a mask to store only the "large"
# components
labels = measure.label(thresh, neighbors=8, background=0)
mask = np.zeros(thresh.shape, dtype="uint8")

# loop over the unique components
for label in np.unique(labels):
    # if this is the background label, ignore it
    if label == 0:
        continue

    # otherwise, construct the label mask and count the
    # number of pixels 
    labelMask = np.zeros(thresh.shape, dtype="uint8")
    labelMask[labels == label] = 255
    numPixels = cv2.countNonZero(labelMask)

    # if the number of pixels in the component is sufficiently
    # large, then add it to our mask of "large blobs"
    if numPixels > 300:
        mask = cv2.add(mask, labelMask)
# find the contours in the mask, then sort them from left to
# right
cnts = cv2.findContours(mask.copy(), cv2.RETR_EXTERNAL,
    cv2.CHAIN_APPROX_SIMPLE)
cnts = imutils.grab_contours(cnts)
cnts = contours.sort_contours(cnts)[0]

# loop over the contours
for (i, c) in enumerate(cnts):
    # draw the bright spot on the image
    (x, y, w, h) = cv2.boundingRect(c)
    ((cX, cY), radius) = cv2.minEnclosingCircle(c)
    #x and y center are cX and cY
    cv2.circle(image, (int(cX), int(cY)), int(radius),
        (0, 0, 255), 3)
    cv2.putText(image, "#{}".format(i + 1), (x, y - 15),
        cv2.FONT_HERSHEY_SIMPLEX, 0.45, (0, 0, 255), 2)

# show the output image
cv2.imshow("Image", image)
cv2.waitKey(0)

Upvotes: 0

Views: 457

Answers (2)

Bubai
Bubai

Reputation: 1240

Your is working fine & detect a face from video feed. But, you can do it another way...

'''
:: Face Detection using Haar Cascades ::
'''

import numpy as np
import cv2, argparse

# set classifiers
face_cascade = cv2.CascadeClassifier(
    '/opt/opencv/main/data/haarcascades/haarcascade_frontalface_default.xml'
)

cam = cv2.VideoCapture(0)
_, img = cam.read()

# load image & convert
gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)

# find faces; If faces are found, it returns the positions
# of detected faces as Rect(x,y,w,h).

faces = face_cascade.detectMultiScale(gray, 1.2, 5)
print "[ INFO:1] Found ", len(faces), "face(s) in this image."

for (x, y, w, h) in faces:
    cv2.rectangle(
        img,
        (x, y),
        (x+w, y+h),
        (255, 100, 25),
        2
    )


cv2.imshow('Image', img)
cv2.waitKey(0)
cv2.destroyAllWindows()

Upvotes: 0

Pidem
Pidem

Reputation: 270

Wrapping your camera capture in a While loop with a break condition might help:

  
import cv2

cap = cv2.VideoCapture(0)

while True:

    ret, frame = cap.read()
    cv2.imshow('frame', frame)

    # ADD LOGIC HERE 

    print(frame.shape)

    #  END 
    if cv2.waitKey(20) & 0xFF == ord('q'):
        break

cap.release()
cv2.destroyAllWindows()

Upvotes: 1

Related Questions