本节为《OpenCV计算机视觉实战(Python)》版第13讲,项目实战:全景图像拼接,的总结。
比较任意两个特征之间的距离(归一化欧氏距离),给定参数K,可以输出距离最小的K个匹配项。
import cv2
import numpy as np
import matplotlib.pyplot as plt
%matplotlib inline
def cv_show(name, img):
cv2.imshow(name, img)
cv2.waitKey(0)
cv2.destroyAllWindows()
img1 = cv2.imread('',0)
img2 = cv2.imread('',0)
cv_show('img1', img1)
cv_show('img2', img2)
sift = cv2.xfeatures2d.SIFT_create()
kp1, des1 = sift.detectAndCompute(img1, None)
kp2, des2 = sift.detectAndCompute(img2, None)
# crossCheck表示两个特征点互相匹配,例如A中的第I个特征点与B中的第J个特征点最近的,并且B中的第j个特征点到A中的第i个特征点也是
# NORM_L2: 归一化数组的欧几里得距离,如果其他特征计算方法需要考虑不同的匹配计算方式
bf = cv2.BFMatcher(crossCheck=True)
#### 一对一的匹配
matches = bf.match(des1, des2)
matches = sorted(matches, key=lambda x:x.distance)
img3 = cv2.drawMatches(img1, kp1, img2, kp2, matches[:10], None, flags=2)
cv_show('img3', img3)
#### k对最佳匹配
bf = cv2.BFMatcher()
matches = bf.knnMatch(des1, des2, k=2)
good = []
for m, n in matches:
if m.distance < 0.75 * n.distance:
good.append([m])
img4 = cv2.drawMatchesKnn(img1, kp1, img2, kp2, good, None, flags=2)
cv_show('img4', img)
- 如果要更快速完成操作,可以尝试使用cv2.FlannBasedMatcher()
- K对最佳匹配时,要根据距离情况,选择合适的阈值
Random sample consensus: RANSAC, 比最小二乘要好很多。
每一次拟合后,容忍范围内都有对应的数据点数,找出数据点个数最多的情况,就是最终的拟合结果。
单应性矩阵:
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(imagesA, H, (imageA.shape[1] + imageB.shape[1], imagesA.shape[0]))
self.cv_show('result', result)
# 将图片B传入result 图片最左端
result[0:imageB.shape[0], 0:imageB.shape[1]] = imageB
self.cv_show('result', result)
# 检测是否需要显示图片匹配
if showMatches:
# 生成匹配图片
vis = self.drawMatches(imageA, imageB, kpsA, kpsB, matches, status)
# 返回结果
return (result, vis)
def matchKeypoints(self, kpsA, kpsb, featuresA, featuresB, ratio, reprojThresh):
# 建立暴力匹配器
matcher = cv2.BFMatcher()
# 使用KNN检测来自A、B图的SIFT特征匹配对,K=2
rawMatches = matcher.knnmatch(featuresA, featuresB, 2)
matches = []
for m in rawMatches:
# 当最近距离跟次距离的比值小于ratio的值时,保留次匹配对,官方给定ratio的值为0.75
if len(m) == 2 and m[0].distance < m[1].distance * ratio:
# 存储两个点在featuresA,featuresB中的索引值
matches.append((m[0].trainIdx, m[0].queryIdx))
# 当筛选后的匹配对大于4时,计算视角变换矩阵(M矩阵计算需要最小8个方程,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)
main.py:
from Stitcher import Stitcher
import cv2
# 读取拼接照片
stitcher = Stitcher()
(result, vis) = stitcher.stitch([imageA, imageB], showMathces=True)
# 显示所有图片
cv2.imshow('imageA', imageA)
cv2.imshow('imageB', imageB)
cv2.imshow('Keypoint Matches', vis)
cv2.imshow('Result', result)
cv2.waitKey(0)
cv2.destroyAllWindows()
matcher = cv2.BFMatcher()
rawMatches = matcher.knnmatch(featuresA, featuresB, 2)
(H, status) = cv2.findHomography(ptsA, ptsB, cv2.RANSAC, reprojThresh)
# 将图片A进行视角变换,result是变换后图片
result = cv2.warpPerspective(imagesA, H, (imageA.shape[1] + imageB.shape[1], imagesA.shape[0]))