How to visualize descriptor matching using opencv module in python

前端 未结 3 1421
清歌不尽
清歌不尽 2020-12-13 16:37

I am trying to use opencv with python. I wrote a descriptor (SIFT, SURF, or ORB) matching code in C++ version of opencv 2.4. I want to convert this code to opencv with pytho

相关标签:
3条回答
  • 2020-12-13 17:25

    As the error message says, DRAW_MATCHES_FLAGS_DEFAULT is of type 'long'. It is a constant defined by the cv2 module, not a function. Unfortunately, the function you want, 'drawMatches' only exists in OpenCV's C++ interface.

    0 讨论(0)
  • 2020-12-13 17:30

    you can visualize the feature matching in Python as following. Note the use of scipy library.

    # matching features of two images
    import cv2
    import sys
    import scipy as sp
    
    if len(sys.argv) < 3:
        print 'usage: %s img1 img2' % sys.argv[0]
        sys.exit(1)
    
    img1_path = sys.argv[1]
    img2_path = sys.argv[2]
    
    img1 = cv2.imread(img1_path, cv2.CV_LOAD_IMAGE_GRAYSCALE)
    img2 = cv2.imread(img2_path, cv2.CV_LOAD_IMAGE_GRAYSCALE)
    
    detector = cv2.FeatureDetector_create("SURF")
    descriptor = cv2.DescriptorExtractor_create("BRIEF")
    matcher = cv2.DescriptorMatcher_create("BruteForce-Hamming")
    
    # detect keypoints
    kp1 = detector.detect(img1)
    kp2 = detector.detect(img2)
    
    print '#keypoints in image1: %d, image2: %d' % (len(kp1), len(kp2))
    
    # descriptors
    k1, d1 = descriptor.compute(img1, kp1)
    k2, d2 = descriptor.compute(img2, kp2)
    
    print '#keypoints in image1: %d, image2: %d' % (len(d1), len(d2))
    
    # match the keypoints
    matches = matcher.match(d1, d2)
    
    # visualize the matches
    print '#matches:', len(matches)
    dist = [m.distance for m in matches]
    
    print 'distance: min: %.3f' % min(dist)
    print 'distance: mean: %.3f' % (sum(dist) / len(dist))
    print 'distance: max: %.3f' % max(dist)
    
    # threshold: half the mean
    thres_dist = (sum(dist) / len(dist)) * 0.5
    
    # keep only the reasonable matches
    sel_matches = [m for m in matches if m.distance < thres_dist]
    
    print '#selected matches:', len(sel_matches)
    
    # #####################################
    # visualization of the matches
    h1, w1 = img1.shape[:2]
    h2, w2 = img2.shape[:2]
    view = sp.zeros((max(h1, h2), w1 + w2, 3), sp.uint8)
    view[:h1, :w1, :] = img1  
    view[:h2, w1:, :] = img2
    view[:, :, 1] = view[:, :, 0]  
    view[:, :, 2] = view[:, :, 0]
    
    for m in sel_matches:
        # draw the keypoints
        # print m.queryIdx, m.trainIdx, m.distance
        color = tuple([sp.random.randint(0, 255) for _ in xrange(3)])
        cv2.line(view, (int(k1[m.queryIdx].pt[0]), int(k1[m.queryIdx].pt[1])) , (int(k2[m.trainIdx].pt[0] + w1), int(k2[m.trainIdx].pt[1])), color)
    
    
    cv2.imshow("view", view)
    cv2.waitKey()
    
    0 讨论(0)
  • 2020-12-13 17:40

    I've also written something myself that just uses the OpenCV Python interface and I didn't use scipy. drawMatches is part of OpenCV 3.0.0 and isn't part of OpenCV 2, which is what I'm currently using. Even though I'm late to the party, here's my own implementation that mimics drawMatches to the best of my ability.

    I've provided my own images where one is of a camera man, and the other one is the same image but rotated by 55 degrees counter-clockwise.

    The basic premise of what I wrote is that I allocate an output RGB image where the amount of rows is the maximum of the two images to accommodate for placing both of the images in the output image and the columns are simply the summation of both the columns together. I place each image in their corresponding spots, then run through a loop of all of the matched keypoints. I extract which keypoints matched between the two images, then extract their (x,y) co-ordinates. I then draw circles at each of the detected locations, then draw a line connecting these circles together.

    Bear in mind that the detected keypoint in the second image is with respect to its own co-ordinate system. If you want to place this in the final output image, you need to offset the column co-ordinate by the amount of columns from the first image so that the column co-ordinate is with respect to the co-ordinate system of the output image.

    Without further ado:

    import numpy as np
    import cv2
    
    def drawMatches(img1, kp1, img2, kp2, matches):
        """
        My own implementation of cv2.drawMatches as OpenCV 2.4.9
        does not have this function available but it's supported in
        OpenCV 3.0.0
    
        This function takes in two images with their associated 
        keypoints, as well as a list of DMatch data structure (matches) 
        that contains which keypoints matched in which images.
    
        An image will be produced where a montage is shown with
        the first image followed by the second image beside it.
    
        Keypoints are delineated with circles, while lines are connected
        between matching keypoints.
    
        img1,img2 - Grayscale images
        kp1,kp2 - Detected list of keypoints through any of the OpenCV keypoint 
                  detection algorithms
        matches - A list of matches of corresponding keypoints through any
                  OpenCV keypoint matching algorithm
        """
    
        # Create a new output image that concatenates the two images together
        # (a.k.a) a montage
        rows1 = img1.shape[0]
        cols1 = img1.shape[1]
        rows2 = img2.shape[0]
        cols2 = img2.shape[1]
    
        out = np.zeros((max([rows1,rows2]),cols1+cols2,3), dtype='uint8')
    
        # Place the first image to the left
        out[:rows1,:cols1,:] = np.dstack([img1, img1, img1])
    
        # Place the next image to the right of it
        out[:rows2,cols1:cols1+cols2,:] = np.dstack([img2, img2, img2])
    
        # For each pair of points we have between both images
        # draw circles, then connect a line between them
        for mat in matches:
    
            # Get the matching keypoints for each of the images
            img1_idx = mat.queryIdx
            img2_idx = mat.trainIdx
    
            # x - columns
            # y - rows
            (x1,y1) = kp1[img1_idx].pt
            (x2,y2) = kp2[img2_idx].pt
    
            # Draw a small circle at both co-ordinates
            # radius 4
            # colour blue
            # thickness = 1
            cv2.circle(out, (int(x1),int(y1)), 4, (255, 0, 0), 1)   
            cv2.circle(out, (int(x2)+cols1,int(y2)), 4, (255, 0, 0), 1)
    
            # Draw a line in between the two points
            # thickness = 1
            # colour blue
            cv2.line(out, (int(x1),int(y1)), (int(x2)+cols1,int(y2)), (255, 0, 0), 1)
    
    
        # Show the image
        cv2.imshow('Matched Features', out)
        cv2.waitKey(0)
        cv2.destroyAllWindows()
    

    To illustrate that this works, here are the two images that I used:

    enter image description here

    enter image description here

    I used OpenCV's ORB detector to detect the keypoints, and used the normalized Hamming distance as the distance measure for similarity as this is a binary descriptor. As such:

    import numpy as np
    import cv2
    
    img1 = cv2.imread('cameraman.png') # Original image
    img2 = cv2.imread('cameraman_rot55.png') # Rotated image
    
    # Create ORB detector with 1000 keypoints with a scaling pyramid factor
    # of 1.2
    orb = cv2.ORB(1000, 1.2)
    
    # Detect keypoints of original image
    (kp1,des1) = orb.detectAndCompute(img1, None)
    
    # Detect keypoints of rotated image
    (kp2,des2) = orb.detectAndCompute(img2, None)
    
    # Create matcher
    bf = cv2.BFMatcher(cv2.NORM_HAMMING, crossCheck=True)
    
    # Do matching
    matches = bf.match(des1,des2)
    
    # Sort the matches based on distance.  Least distance
    # is better
    matches = sorted(matches, key=lambda val: val.distance)
    
    # Show only the top 10 matches
    drawMatches(img1, kp1, img2, kp2, matches[:10])
    

    This is the image I get:

    enter image description here

    0 讨论(0)
提交回复
热议问题