基于SIFT / ORB的Homography estimation

SIFT

ORB

python 复制代码
import copy
import time

import cv2
import numpy as np


def draw_kpts(image0, image1, mkpts0, mkpts1, margin=10):
    H0, W0 = image0.shape
    H1, W1 = image1.shape
    H, W = max(H0, H1), W0 + W1 + margin
    out = 255 * np.ones((H, W), np.uint8)
    out[:H0, :W0] = image0
    out[:H1, W0+margin:] = image1
    out = np.stack([out]*3, -1)

    mkpts0, mkpts1 = np.round(mkpts0).astype(int), np.round(mkpts1).astype(int)
    # print(f"mkpts0.shape : {mkpts0.shape}")
    c = (0, 255, 0)
    for (new, old) in zip(mkpts0, mkpts1):
        x0, y0 = new.ravel()
        x1, y1 = old.ravel()
        # print(f"x0 : {x0}")
        # cv2.line(out, (x0, y0), (x1 + margin + W0, y1),
        #         color=c, thickness=1, lineType=cv2.LINE_AA)
        # display line end-points as circles
        cv2.circle(out, (x0, y0), 2, c, -1, lineType=cv2.LINE_AA)
        cv2.circle(out, (x1 + margin + W0, y1), 2, c, -1,
                lineType=cv2.LINE_AA)
        
    return out

if __name__ == "__main__":
    img0Path = "/training/datasets/orchard/orchard_imgs_/000130.jpg"
    img1Path = "/training/datasets/orchard/orchard_imgs_/000132.jpg"

    img0 = cv2.imread(img0Path, 0)
    img1 = cv2.imread(img1Path, 0)
    h, w = img0.shape

    mask = np.zeros_like(img0)
    mask[int(0.02 * h): int(0.98 * h), int(0.02 * w): int(0.98 * w)] = 255
    
    feature_detector_threshold = 20
    matcher_norm_type = cv2.NORM_HAMMING
    # detector = cv2.FastFeatureDetector_create(threshold=feature_detector_threshold)
    # extractor = cv2.ORB_create()
    # matcher = cv2.BFMatcher(matcher_norm_type)
    detector = cv2.SIFT_create(nOctaveLayers=3, contrastThreshold=0.02, edgeThreshold=20)
    extractor = cv2.SIFT_create(nOctaveLayers=3, contrastThreshold=0.02, edgeThreshold=20)
    matcher = cv2.BFMatcher(cv2.NORM_L2)

    # find static keypoints
    prev_keypoints = detector.detect(img0, mask)
    keypoints = detector.detect(img1, mask)

    # compute the descriptors
    prev_keypoints, prev_descriptors = extractor.compute(img0, prev_keypoints)
    keypoints, descriptors = extractor.compute(img1, keypoints)

    # Match descriptors.
    knnMatches = matcher.knnMatch(prev_descriptors, descriptors, k=2)

    # filtered matches based on smallest spatial distance
    matches = []
    spatial_distances = []
    max_spatial_distance = 0.25 * np.array([w, h])

    for m, n in knnMatches:
        if m.distance < 0.9 * n.distance:
            prevKeyPointLocation = prev_keypoints[m.queryIdx].pt
            currKeyPointLocation = keypoints[m.trainIdx].pt

            spatial_distance = (prevKeyPointLocation[0] - currKeyPointLocation[0],
                                prevKeyPointLocation[1] - currKeyPointLocation[1])

            if (np.abs(spatial_distance[0]) < max_spatial_distance[0]) and \
                    (np.abs(spatial_distance[1]) < max_spatial_distance[1]):
                spatial_distances.append(spatial_distance)
                matches.append(m)

    mean_spatial_distances = np.mean(spatial_distances, 0)
    std_spatial_distances = np.std(spatial_distances, 0)

    inliesrs = (spatial_distances - mean_spatial_distances) < 2.5 * std_spatial_distances

    goodMatches = []
    prevPoints = []
    currPoints = []
    for i in range(len(matches)):
        if inliesrs[i, 0] and inliesrs[i, 1]:
            goodMatches.append(matches[i])
            prevPoints.append(prev_keypoints[matches[i].queryIdx].pt)
            currPoints.append(keypoints[matches[i].trainIdx].pt)

    prevPoints = np.array(prevPoints)
    currPoints = np.array(currPoints)

     # find rigid matrix
    if (np.size(prevPoints, 0) > 4) and (np.size(prevPoints, 0) == np.size(prevPoints, 0)):
        H, inliesrs = cv2.estimateAffinePartial2D(prevPoints, currPoints, cv2.RANSAC)
    else:
        print('Warning: not enough matching points')
    
    print(f"H : {H}")

    out = draw_kpts(img0, img1, prevPoints, currPoints)
    cv2.imwrite("keypoints.jpg", out)
相关推荐
咚咚王者6 分钟前
人工智能之数据分析 Pandas:第六章 数据清洗
人工智能·数据分析·pandas
geneculture8 分钟前
融合全部讨论精华的融智学认知与实践总览图:掌握在复杂世界中锚定自我、有效行动、并参与塑造近未来的元能力
大数据·人工智能·数据挖掘·信息科学·融智学的重要应用·信智序位·全球软件定位系统
永霖光电_UVLED13 分钟前
安森美与英诺赛科将合作推进氮化镓(GaN)功率器件的量产应用
人工智能·神经网络·生成对抗网络
Dev7z15 分钟前
基于深度学习的脑肿瘤自动诊断和分析系统的研究与实现(Web界面+数据集+训练代码)
人工智能·深度学习
珠海西格电力18 分钟前
零碳园区数字感知基础架构规划:IoT 设备布点与传输管网衔接设计
大数据·运维·人工智能·物联网·智慧城市·能源
AI即插即用20 分钟前
即插即用系列 | WACV 2024 D-LKA:超越 Transformer?D-LKA Net 如何用可变形大核卷积刷新医学图像分割
图像处理·人工智能·深度学习·目标检测·计算机视觉·视觉检测·transformer
草莓熊Lotso25 分钟前
《算法闯关指南:动态规划算法--斐波拉契数列模型》--04.解码方法
c++·人工智能·算法·动态规划
狂放不羁霸28 分钟前
电子科技大学2025年机器学习期末考试回忆
人工智能·机器学习
多恩Stone36 分钟前
【3DV 进阶-9】Hunyuan3D2.1 中的 MoE
人工智能·pytorch·python·算法·aigc
Chase_______42 分钟前
AI 提升效率指南:如何高效书写提示词
人工智能·ai·prompt