SuperGluePretrainedNetwork调用接口版本(两个版本!)

        本脚本是一个基于Python的应用,旨在演示如何使用SuperGlue算法进行图像之间的特征匹配。SuperGlue是一个强大的特征匹配工具,能够在不同的图像之间找到对应的关键点。这个工具尤其适用于计算机视觉任务,如立体视觉、图像拼接、对象识别和追踪等场景。脚本使用PyTorch框架,并且可以选择在CPU或GPU上运行。

脚本的工作流程如下:

  1. 解析命令行参数,用于设置输入输出目录、图像尺寸、SuperGlue配置等。
  2. 根据用户选择,决定算法是在CPU还是GPU上执行。
  3. 加载预设的配置,初始化SuperPoint和SuperGlue模型。
  4. 定义图像预处理函数来调整图像大小。
  5. 加载两幅图像,调整它们的大小,并将它们转换为PyTorch张量。
  6. 使用SuperPoint提取关键点和描述符。
  7. 使用SuperGlue算法匹配两幅图像的关键点。
  8. 可视化并打印匹配的关键点坐标。
  9. 如果设置了输出目录,将结果图像写到磁盘上。

        这个脚本展示了如何在实践中使用深度学习模型来处理实际问题,并提供了图像匹配演示。

#! /usr/bin/env python3
import argparse
import matplotlib.cm as cm
import cv2
from pathlib import Path
import torch
from models.matching import Matching
from models.utils import (make_matching_plot_fast, frame2tensor)
torch.set_grad_enabled(False)  # 关闭PyTorch的梯度计算,提高效率,因为我们不需要进行模型训练# 创建命令行参数解析器,以便从命令行接收参数
parser = argparse.ArgumentParser(description='SuperGlue',formatter_class=argparse.ArgumentDefaultsHelpFormatter)
# 添加命令行参数
parser.add_argument('--input', type=str, default='assets/freiburg_sequence/',help='Input directory or video file')
parser.add_argument('--output_dir', type=str, default=None,help='Directory to write output frames (default: None)')
parser.add_argument('--resize', type=int, nargs='+', default=[1241, 376],help='Resize input frames (default: [640, 480])')
parser.add_argument('--superglue', choices={'indoor', 'outdoor'}, default='outdoor',help='SuperGlue weights (default: indoor)')
parser.add_argument('--show_keypoints', action='store_true',help='Show detected keypoints (default: False)')
parser.add_argument('--no_display', action='store_true',help='Do not display images (useful when running remotely)')
parser.add_argument('--force_cpu', action='store_true',help='Force PyTorch to run on CPU')# 解析命令行参数
opt = parser.parse_args()# 确定程序是运行在GPU还是CPU
device = 'cuda' if torch.cuda.is_available() and not opt.force_cpu else 'cpu'# 设置SuperPoint和SuperGlue的配置参数
config = {'superpoint': {'nms_radius': 4,'keypoint_threshold': 0.005,'max_keypoints': -1},'superglue': {'weights': opt.superglue,'sinkhorn_iterations': 20,'match_threshold': 0.2,}
}# 创建Matching类的实例,用于图像匹配
matching = Matching(config).eval().to(device)
keys = ['keypoints', 'scores', 'descriptors']# 函数:处理图像尺寸调整
def process_resize(w, h, resize):# 确保resize参数是合法的assert(len(resize) > 0 and len(resize) <= 2)# 如果只提供了一个值,基于最大维度调整比例if len(resize) == 1 and resize[0] > -1:scale = resize[0] / max(h, w)w_new, h_new = int(round(w*scale)), int(round(h*scale))# 如果提供的值是-1,保持原有尺寸elif len(resize) == 1 and resize[0] == -1:w_new, h_new = w, helse:  # len(resize) == 2:  # 如果提供了两个值,直接使用这两个值作为新的宽和高w_new, h_new = resize[0], resize[1]# 如果新的分辨率太小或太大,给出警告if max(w_new, h_new) < 160:print('警告:输入分辨率非常小,结果可能会有很大差异')elif max(w_new, h_new) > 2000:print('警告:输入分辨率非常大,可能会导致内存不足')return w_new, h_new# 定义load_image函数,用于加载和预处理图像
def load_image(impath, resize):grayim = cv2.imread(impath, 0)# 以灰度模式读取图像if grayim is None:raise Exception('Error reading image %s' % impath)w, h = grayim.shape[1], grayim.shape[0]w_new, h_new = process_resize(w, h, resize)# 调用process_resize函数计算调整后的尺寸grayim = cv2.resize(grayim, (w_new, h_new), interpolation=cv2.INTER_AREA)# 使用cv2.resize函数调整图像尺寸return grayim# 返回调整后的灰度图像image_path_0 = "/home/fairlee/786D6A341753F4B4/KITTI/sequences_kitti_00_21/01/image_0/000000.png"
frame0 = load_image(image_path_0, opt.resize)image_path_1 = "/home/fairlee/786D6A341753F4B4/KITTI/sequences_kitti_00_21/01/image_0/000001.png"
frame1 = load_image(image_path_1, opt.resize)if __name__ == '__main__':# 将第一帧图像转换为张量,并移动到指定设备上frame_tensor0 = frame2tensor(frame0, device)# 使用SuperPoint提取第一帧图像的关键点和描述符last_data = matching.superpoint({'image': frame_tensor0})# 为第一帧图像的关键点、得分和描述符添加'0'后缀,以区分不同帧last_data = {k + '0': last_data[k] for k in keys}# 将第一帧图像的张量存储在last_data字典中last_data['image0'] = frame_tensor0# 存储第一帧图像last_frame = frame0# 存储第一帧图像的IDlast_image_id = 0# 将第二帧图像转换为张量,并移动到指定设备上frame_tensor1 = frame2tensor(frame1, device)# 使用SuperGlue进行特征匹配,将第一帧图像的数据与第二帧图像的张量传递给matching函数pred = matching({**last_data, 'image1': frame_tensor1})# 获取第一帧图像的关键点坐标,并将其转换为NumPy数组kpts0 = last_data['keypoints0'][0].cpu().numpy()# 获取第二帧图像的关键点坐标,并将其转换为NumPy数组kpts1 = pred['keypoints1'][0].cpu().numpy()# 获取匹配结果,将其转换为NumPy数组matches = pred['matches0'][0].cpu().numpy()# 获取匹配置信度,将其转换为NumPy数组confidence = pred['matching_scores0'][0].cpu().numpy()# 找到有效的匹配,即匹配索引大于-1的位置valid = matches > -1# 获取第一帧图像中有效匹配的关键点坐标mkpts0 = kpts0[valid]# 获取第二帧图像中与第一帧图像有效匹配的关键点坐标mkpts1 = kpts1[matches[valid]]stem0, stem1 = last_image_id, 1# 打印匹配的关键点信息print(f"Matched keypoints in frame {stem0} and {stem1}:")for i, (kp0, kp1) in enumerate(zip(mkpts0, mkpts1)):print(f"Match {i}: ({kp0[0]:.2f}, {kp0[1]:.2f}) -> ({kp1[0]:.2f}, {kp1[1]:.2f})")color = cm.jet(confidence[valid])text = ['SuperGlue','Keypoints: {}:{}'.format(len(kpts0), len(kpts1)),'Matches: {}'.format(len(mkpts0))]k_thresh = matching.superpoint.config['keypoint_threshold']m_thresh = matching.superglue.config['match_threshold']small_text = ['Keypoint Threshold: {:.4f}'.format(k_thresh),'Match Threshold: {:.2f}'.format(m_thresh),'Image Pair: {:06}:{:06}'.format(stem0, stem1),]out = make_matching_plot_fast(last_frame, frame1, kpts0, kpts1, mkpts0, mkpts1, color, text,path=None, show_keypoints=opt.show_keypoints, small_text=small_text)if not opt.no_display:cv2.imshow('SuperGlue matches', out)cv2.waitKey(0)cv2.destroyAllWindows()if opt.output_dir is not None:stem = 'matches_{:06}_{:06}'.format(stem0, stem1)out_file = str(Path(opt.output_dir, stem + '.png'))print('\nWriting image to {}'.format(out_file))cv2.imwrite(out_file, out)

第二个版本的代码:

#! /usr/bin/env python3
import cv2
import torch
from models.matching import Matching
from models.utils import (frame2tensor)
torch.set_grad_enabled(False)# 设置SuperPoint和SuperGlue的配置参数
config = {'superpoint': {'nms_radius': 4,'keypoint_threshold': 0.005,'max_keypoints': -1},'superglue': {'weights': 'outdoor','sinkhorn_iterations': 20,'match_threshold': 0.2,}
}device = 'cuda' if torch.cuda.is_available() else 'cpu'
# 创建Matching类的实例,用于图像匹配
matching = Matching(config).eval().to(device)
keys = ['keypoints', 'scores', 'descriptors']# 对于灰度图像,返回的NumPy数组将是一个二维数组,其中数组的形状对应于图像的高度和宽度(H x W)。
# 每个元素的值代表了对应像素的亮度,通常是一个0到255的整数(对于8位灰度图像)。
frame0 = cv2.imread("/home/fairlee/000001.jpg", 0)
frame1 = cv2.imread("/home/fairlee/000000.jpg", 0)def match_frames(frame0, frame1, device, matching, keys):"""Match keypoints between two frames and return the matched coordinates and confidence scores.Parameters:- frame0: Numpy array, first image frame.- frame1: Numpy array, second image frame.- device: The device to perform computation on.- matching: Matching object with a method to match points between frames.- keys: List of keys to extract from the matching data.Returns:A tuple of (mkpts0, mkpts1, confidence_scores), where:- mkpts0: Matched keypoints in the first frame.- mkpts1: Matched keypoints in the second frame.- confidence_scores: Confidence scores of the matches."""# Convert frames to tensors and move to the deviceframe_tensor0 = frame2tensor(frame0, device)frame_tensor1 = frame2tensor(frame1, device)# Get data from the first framelast_data = matching.superpoint({'image': frame_tensor0})last_data = {k + '0': last_data[k] for k in keys}last_data['image0'] = frame_tensor0# Perform matchingpred = matching({**last_data, 'image1': frame_tensor1})# Extract keypoints and convert to Numpy arrayskpts0 = last_data['keypoints0'][0].cpu().numpy()kpts1 = pred['keypoints1'][0].cpu().numpy()# Extract matches and confidence scores, convert to Numpy arraysmatches = pred['matches0'][0].cpu().numpy()confidence = pred['matching_scores0'][0].cpu().numpy()# Filter valid matchesvalid = matches > -1mkpts0 = kpts0[valid]mkpts1 = kpts1[matches[valid]]return mkpts0, mkpts1, confidence[valid]

结果:

         通过运行这段代码,我们可以看到SuperGlue算法在图像特征匹配方面的强大能力。代码首先处理输入图像,然后使用SuperPoint模型提取特征点和描述子,接着SuperGlue模型根据描述子进行关键点匹配。匹配过程的结果会被可视化显示出来,如果指定了输出目录,还会将结果图像保存下来。

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/809211.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

RN封装三角形组件(只支持上下箭头)

import React from react; import { View, StyleSheet } from react-native;const Triangle ({ direction, width, height, color }) > {// 根据方向选择三角形的样式const triangleStyle direction up? {borderTopWidth: 0,borderBottomWidth: height,borderLeftWidth: …

docker完美安装分布式任务调度平台XXL-JOB

分布式任务调度平台XXL-JOB 1、官方文档 自己看 https://www.xuxueli.com/xxl-job/#1.1%20%E6%A6%82%E8%BF%B0 2、使用docker部署 本人使用的腾讯云&#xff0c;安装docker暴露一下端口&#xff0c;就很舒服的安装这个服务了。 docker pull xuxueli/xxl-job-admin:2.4.03…

Harmony鸿蒙南向驱动开发-PIN接口使用

功能简介 PIN即管脚控制器&#xff0c;用于统一管理各SoC的管脚资源&#xff0c;对外提供管脚复用功能&#xff1a;包括管脚推拉方式、管脚推拉强度以及管脚功能。 PIN接口定义了操作PIN管脚的通用方法集合&#xff0c;包括&#xff1a; 获取/释放管脚描述句柄&#xff1a;传…

Stable Diffusion之Ubuntu下部署

1、安装conda环境 conda create -n webui python3.10.6 2、激活环境 每次使用都要激活 conda activate webui 注意开始位置的变换 关闭环境 conda deactivate webui 3、离线下载SD 代码 https://github.com/AUTOMATIC1111/stable-diffusion-webui https://github.com/Stabilit…

10个大型语言模型(LLM)常见面试问题和答案解析

今天我们来总结以下大型语言模型面试中常问的问题 1、哪种技术有助于减轻基于提示的学习中的偏见? A.微调 Fine-tuning B.数据增强 Data augmentation C.提示校准 Prompt calibration D.梯度裁剪 Gradient clipping 答案:C 提示校准包括调整提示&#xff0c;尽量减少产生…

http请求头导致了dial tcp:lookup xxxx on 10.43.0.10:53 no sunch host

事实证明人有的时候也不能太偷懒&#xff0c;太偷懒容易给自己埋坑。 问题的背景&#xff1a; web端调用服务A&#xff0c;服务A异步调用服务B。服务A有四个场景需要调用服务B&#xff0c;所以&#xff0c;服务A中封装了一个公用的方法&#xff0c;唯一的区别是&#xff0c;场…

IDEA 控制台中文乱码 4 种解决方案

前言 IntelliJ IDEA 如果不进行相关设置&#xff0c;可能会导致控制台中文乱码、配置文件中文乱码等问题&#xff0c;非常影响编码过程中进行问题追踪。本文总结了 IDEA 中常见的中文乱码解决方法&#xff0c;希望能够帮助到大家。 IDEA 中文乱码 解决方案 一、设置字体为支…

手机银行客户端框架之mPaaS介绍

移动开发平台&#xff08;Mobile PaaS&#xff0c;简称 mPaaS&#xff09;是源于支付宝 App 的移动开发平台&#xff0c;为移动开发、测试、运营及运维提供云到端的一站式解决方案&#xff0c;能有效降低技术门槛、减少研发成本、提升开发效率&#xff0c;协助企业快速搭建稳定…

Docker Redis Debian服务器版

1.使用官方安装脚本自动安装docker 安装命令如下&#xff1a; curl -fsSL https://get.docker.com -o get-docker.shsudo sh get-docker.sh 如果安装提示 -bash sudo command not found 则需要 #update sudo apt-get update sudo apt-get install sudo再执行安装脚本1 安装…

c++中常用库函数

大小写转换 islower/isupper函数 char ch1 A; char ch2 b;//使用islower函数判断字符是否为小写字母 if(islower(ch1)){cout << ch1 << "is a lowercase letter." << end1; } else{cout << ch1 << "is not a lowercase lette…

IntelliJ IDEA(WebStorm、PyCharm、DataGrip等)设置中英文等宽字体,英文为中文的一半(包括标点符号)

1.设置前&#xff08;idea默认字体为 JetBrains Mono&#xff09; 2.设置后&#xff08;楷体&#xff09;

计算机网络常见面试总结

文章目录 1. 计算机网络基础1.1 网络分层模型1. OSI 七层模型是什么&#xff1f;每一层的作用是什么&#xff1f;2.TCP/IP 四层模型是什么&#xff1f;每一层的作用是什么&#xff1f;3. 为什么网络要分层&#xff1f; 1.2 常见网络协议1. 应用层有哪些常见的协议&#xff1f;2…

systemctl start docker报错(code=exited, status=1/FAILURE)

运行systemctl start docker报错内容如下: 输入systemctl status docker.service显示以下内容&#xff1a; 本次启动不起来与docker服务无关 具体解决问题是修改 /etc/docker/daemon.json&#xff0c;vim /etc/docker/daemon.json # 添加如下内容 {"registry-mirrors&qu…

ccf201509-3模板生成系统(list,map,字符串综合运用)

问题描述 成成最近在搭建一个网站&#xff0c;其中一些页面的部分内容来自数据库中不同的数据记录&#xff0c;但是页面的基本结构是相同的。例如&#xff0c;对于展示用户信息的页面&#xff0c;当用户为 Tom 时&#xff0c;网页的源代码是&#xff1a; 而当用户为 Jerry 时…

使用htmlentities()和nl2br()将文本数据正确显示到前台

问题&#xff1a; 在后台textarea里编辑了有一串字符串&#xff0c;虽然在textarea里编辑是有换行效果的&#xff0c;但是数据获取到就只是\n&#xff0c;前端是不认识这个的&#xff0c;正确输出到前台的换行只能是<br/>。 $str "ABCDEFGHIJKLMNOPQ"; echo…

Golang | Leetcode Golang题解之第22题括号生成

题目&#xff1a; 题解&#xff1a; var res []stringfunc generateParenthesis(n int) []string {res make([]string, 0)dfs(n, 0, 0, "")return res }func dfs(n int, lc int, rc int, path string) {if lc n && rc n {res append(res, path)return }…

机器学习-09-图像处理01-理论

总结 本系列是机器学习课程的系列课程&#xff0c;主要介绍机器学习中图像处理技术。 参考 02图像知识 色彩基础知识整理-色相、饱和度、明度、色调 图像特征提取&#xff08;VGG和Resnet特征提取卷积过程详解&#xff09; Python图像处理入门 【人工智能】PythonOpenCV…

微服务学习(黑马)

学习黑马的微服务课程的笔记 导学 微服务架构 认识微服务 SpringCloud spring.io/projects/spring-cloud/ 服务拆分和远程调用 根据订单id查询订单功能 存在的问题 硬编码 eureka注册中心 搭建eureka 服务注册 在order-service中完成服务拉取 Ribbon负载均衡 Nacos注册中心…

水利自动化控制系统平台介绍

水利自动化控制系统平台介绍 在当今社会&#xff0c;水资源的管理和保护日益成为全球关注的重要议题。随着科技的进步和信息化的发展&#xff0c;水利监测系统作为一种集成了现代信息技术、自动化控制技术以及环境监测技术的综合性平台&#xff0c;正在逐步改变传统的水利管理模…

快照技术的基本介绍

目录 一、概述 二、名词解释 三、镜像分离 四、COW 五、ROW 六、参考 一、概述 全球网络存储工业协会 SNIA&#xff08;Storage Networking Industry Association&#xff09;对快照&#xff08;Snapshot&#xff09;的定义是&#xff1a;关于指定数据集合的一个完全可用…