当前位置: 首页 > news >正文

广东外贸网站推广公司网页模板图片

广东外贸网站推广公司,网页模板图片,梁山网站建设公司,清远专业网站建设发表日期:2023年6月23日 项目地址:https://github.com/cvg/LightGlue https://github.com/cvg/glue-factory/ LightGlue是一个在精度上媲美Superglue,但在速度上比Superglue快一倍的模型。通过博主实测,LightGlue的配准效果比Su…

发表日期:2023年6月23日
项目地址:https://github.com/cvg/LightGlue + https://github.com/cvg/glue-factory/

LightGlue是一个在精度上媲美Superglue,但在速度上比Superglue快一倍的模型。通过博主实测,LightGlue的配准效果比Superglue好,LightGlue配准后的结果错误点更少,同时提取的重叠区域更精准。

基于Superpoint+Superglue 提取重叠区域的代码可以参考 https://blog.csdn.net/a486259/article/details/129093084

1、lightglue与superglue的对比

lightglue与superglue相比在同样的精度下,速度要快3倍。
在这里插入图片描述
lightglue的结构设计如下,是通过组层移除低匹配度点的策略进行预测
在这里插入图片描述

在多个任务中对比,可以发现lightglue比superglue略胜一筹,占微弱优势
在这里插入图片描述
但在速度上,明显可以看到Lightglue明显比superglue快不少,能减少50%的耗时。
在这里插入图片描述

2、lightglue使用效果

下载LightGlue项目
或者执行

git clone https://github.com/cvg/LightGlue.git && cd LightGlue
python -m pip install -e .

执行以下代码进行配准尝试

# If we are on colab: this clones the repo and installs the dependencies
from pathlib import Path# if "LightGlue" not in Path.cwd().name :
#     !git clone --quiet https://github.com/cvg/LightGlue/
#     %cd LightGlue
#     !pip install --progress-bar off --quiet -e .from lightglue import LightGlue, SuperPoint, DISK
from lightglue.utils import load_image, rbd
from lightglue import viz2d
import torchtorch.set_grad_enabled(False)
images = Path("../assets")device = torch.device("cuda" if torch.cuda.is_available() else "cpu")  # 'mps', 'cpu'
#官方默认是2048个点
extractor = SuperPoint(max_num_keypoints=700).eval().to(device)  # load the extractor
matcher = LightGlue(features="superpoint").eval().to(device)image0 = load_image(images / "b1.png")
image1 = load_image(images / "b2.png")feats0 = extractor.extract(image0.to(device))
feats1 = extractor.extract(image1.to(device))
matches01 = matcher({"image0": feats0, "image1": feats1})
feats0, feats1, matches01 = [rbd(x) for x in [feats0, feats1, matches01]
]  # remove batch dimensionkpts0, kpts1, matches = feats0["keypoints"], feats1["keypoints"], matches01["matches"]
m_kpts0, m_kpts1 = kpts0[matches[..., 0]], kpts1[matches[..., 1]]axes = viz2d.plot_images([image0, image1])
viz2d.plot_matches(m_kpts0, m_kpts1, color="lime", lw=0.2)
viz2d.add_text(0, f'Stop after {matches01["stop"]} layers', fs=20)kpc0, kpc1 = viz2d.cm_prune(matches01["prune0"]), viz2d.cm_prune(matches01["prune1"])
viz2d.plot_images([image0, image1])
viz2d.plot_keypoints([kpts0, kpts1], colors=[kpc0, kpc1], ps=10)

执行效果如下所示,比superglue要好很多,基本上看不到错误匹配的点。superglue配准具体细节可以查看链接
在这里插入图片描述
superglue的配置效果如下所示,存在不少错误的点。
在这里插入图片描述

3、提取重叠区域

在步骤二的结果中,基于以下代码可以实现重叠区域的提取

import cv2
import numpy as np
from imgutils import myimshowsCL,tensor2img
def getGoodMatchPoint(mkpts0, mkpts1, confidence,  match_threshold:float=0.003):n = min(mkpts0.size(0), mkpts1.size(0))srcImage1_matchedKPs, srcImage2_matchedKPs=[],[]if (match_threshold > 1 or match_threshold < 0):print("match_threshold error!")for i in range(n):kp0 = mkpts0[i]kp1 = mkpts1[i]pt0=(kp0[0].item(),kp0[1].item());pt1=(kp1[0].item(),kp1[1].item());c = confidence[i].item();if (c > match_threshold):srcImage1_matchedKPs.append(pt0);srcImage2_matchedKPs.append(pt1);return np.array(srcImage1_matchedKPs),np.array(srcImage2_matchedKPs)
mkpts0, mkpts1 = m_kpts0, m_kpts1
confidence=matches01['scores']
im_dst,im_res=tensor2img(image0), tensor2img(image1)pts_src, pts_dst=getGoodMatchPoint(mkpts0, mkpts1, confidence)h1, status = cv2.findHomography(pts_src, pts_dst, cv2.RANSAC, 1)
im_out1 = cv2.warpPerspective(im_dst, h1, (im_dst.shape[1],im_dst.shape[0]))myimshowsCL([im_dst,im_res,im_out1],titles=["im_dst","im_res","overlap"],rows=1,cols=3, size=6)

其中myimshowsCL,tensor2img等函数代码来自于 https://hpg123.blog.csdn.net/article/details/129093084

提取的重叠区域如下所示
在这里插入图片描述
基于superglue配准后提取的重叠区域如图1所示,可以看到有3处不如LightGlue(关于地球仪上的误差,可能不算;但另两处特别明显)
在这里插入图片描述

http://www.dt0577.cn/news/38381.html

相关文章:

  • 网站外包后呗百度降权网络营销服务策略
  • 深圳罗湖企业网站优化价格网站制作教程
  • 个人网站html模板下载最新国内新闻50条简短
  • 做网站哪家公司便宜网络广告营销案例分析
  • 做我女朋友吧网站定制开发公司
  • 龙岗网站设计资讯seo学校培训
  • 秋林 做网站在线工具seo
  • 做洗衣液的企业网站信息流优化师是做什么的
  • 怎么用we做网站seo关键词分类
  • 未来科技越秀seo搜索引擎优化
  • wordpress trackbackseo工具包
  • 旅游网站建设的方法百度账号登陆入口
  • 网站开发精灵网站seo视频
  • wordpress时间轴页面网络优化工程师有多累
  • cnzz站长统计怎么添加到博客网站网站建设培训机构
  • 网站做app服务端百度一下百度网页版主页
  • 深圳特区专业网站建设公司网站制作企业有哪些
  • 网站后台 验证码错误免费b站推广网站下载
  • php网站多语言翻译怎么做装修公司网络推广方案
  • 手机上如何做网站杭州优化公司多少钱
  • 办公室装修设计图纸北京seo包年
  • 如何做vip影视网站网站不收录怎么办
  • 建设政府网站的原因百度地图下载2022新版安装
  • 日文外贸网站建设seo综合诊断工具
  • 用discuz做的网站优化服务
  • wordpress中调用文章葫岛百度seo
  • 企业网站建设的意义和效果网站推广基本方法是
  • 东莞最便宜网站建设友链交换平台源码
  • 有什么免费的wordpress谷歌seo
  • 惠州市两学一做网站培训学校机构有哪些