图片拼接

SIFT: 特征点处理:位置插值,去除低对比度点,去除边缘点

            方向估计

            描述子提取

下面的程序中使用:

                        第一步: 使用SIFT生成器提取描述子和特征

                        第二步: 使用KNN检测来自A,B图的SIFT特征匹配对, 形成视觉变化矩阵H

                        第三步: 将图片A进行视觉变化,将B图片放在变换图片的左边,构成最终图片

 

imageStiching.py, 进行函数调用,返回并显示结果

from Stitcher import Stitcher
import cv2 as cv

imageA = cv.imread('image/left_01.png')
imageB = cv.imread('image/right_01.png')

sticher = Stitcher()
(result, vis) = sticher.stitch([imageA, imageB], showMatches=True)

cv.imshow('imageA', imageA)
cv.imshow('imageB', imageB)
cv.imshow('vis', vis)
cv.imshow('result', result)
cv.waitKey(0)
cv.destroyAllWindows()

Stitcher.py 生成主要函数

import numpy as np
import  cv2

class Stitcher:
    # 拼接函数
    def stitch(self, images, ratio=0.75, reprojThresh=4.0, showMatches=False):
        #获取输入图片
        imageB, imageA = images
        #检测A,B图片的SIFT关键特征点, 并计算特征描述子
        (kpsA, featuresA) = self.detectAndDescribe(imageA)
        (kpsB, featuresB) = self.detectAndDescribe(imageB)
        # 匹配两种图片的所有特征点,并返回结果
        M = self.matchKeypoints(kpsA, kpsB, featuresA, featuresB, ratio, reprojThresh)

 
        # 如果返回结果为空, 没有匹配成功的特征点,退出算法
        if M is None:
            return  None

        # 否则,提取匹配结果
        # H是3*3视角变换矩阵
        (matches, H, status) = M
        # 将图片A进行视角变换, result是变化后图片
        result = cv2.warpPerspective(imageA, H, (imageA.shape[1] + imageB.shape[1], imageA.shape[0]))
        # 将B图片传入result图片最左端
        result[0:imageB.shape[0], 0:imageB.shape[1]] = imageB

        # 检验是否需要显示图片匹配
        if showMatches:
            # 生成匹配图片
            vis = self.drawMatches(imageA, imageB, kpsA, kpsB, matches, status)
            # 返回结果
            return (result, vis)


    def detectAndDescribe(self, image):
        # 将彩色图片转换为灰度图
        gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)


        # 建立SIFT生成器
        descriptor = cv2.xfeatures2d.SIFT_create()
        # 检测SIFT特征点,并计算描述子
        (kps, features) = descriptor.detectAndCompute(image, None)

        # 将结果转换为Numpy数组
        kps = np.float32([kp.pt for kp in kps])
        # 返回特征点集, 及对应的描述特征
        return(kps, features)

    def matchKeypoints(self, kpsA, kpsB, featuresA, featuresB, ratio, reprojThresh):
        # 建立暴力匹配器
        matcher = cv2.DescriptorMatcher_create('BruteForce')

        # 使用KNN检测来自A,B图的SIFT特征匹配对, K=2
        rawMatches = matcher.knnMatch(featuresA, featuresB, 2)

        matches = []
        for m in rawMatches:
            # 当最近距离跟次近距离的比值小于ratio值时,保留此匹配对
            if len(m) == 2 and m[0].distance < m[1].distance * ratio:
            # 储存两个点在featuresA, featuresB中的索引值
                matches.append((m[0].trainIdx, m[0].queryIdx))


        # 当筛选后的匹配对大于4时, 计算视角变化矩阵
        if len(matches) > 4:
            # 获取匹配对的点坐标
            ptsA = np.float32([kpsA[i] for (_, i) in matches])
            ptsB = np.float32([kpsB[i] for (i, _) in matches])

            # 计算视角变化矩阵
            (H, status) = cv2.findHomography(ptsA, ptsB, cv2.RANSAC, reprojThresh)

            # 返回结果
            return (matches, H, status)

        return None

    def drawMatches(self, imageA, imageB, kpsA, kpsB, matches, status):
        # 初始化可视化图片, 将A,B图左右连接
        (hA, wA) = imageA.shape[:2]
        (hB, wB) = imageB.shape[:2]
        vis = np.zeros((max(hA, hB), wA + wB, 3), dtype='uint8')
        vis[0:hA, 0:wA] = imageA
        vis[0:hB, wA:] = imageB

        # 联合遍历, 画出匹配对
        for ((trainIdx, queryIdx), s) in zip(matches, status):
            # 当点对匹配成功时,画到可视化图上

            if s==1:
                # 画出匹配对
                ptA = (int(kpsA[queryIdx][0]), int(kpsA[queryIdx][1]))
                ptB = (int(kpsB[trainIdx][0] + wA), int(kpsB[trainIdx][1]))
                cv2.line(vis, ptA, ptB, (0, 255, 0), 1)

        # 返回可视化结果
        return  vis

 

posted on 2018-10-08 17:04  python我的最爱  阅读(1068)  评论(0编辑  收藏  举报