模版匹配——在大量的图片中找到与模版相似的图像

2024-09-02 16:28

本文主要是介绍模版匹配——在大量的图片中找到与模版相似的图像,希望对大家解决编程问题提供一定的参考价值,需要的开发者们随着小编来一起学习吧!

传统的特征匹配算法:

通过opencv自带的matchtemplate方法识别发现对形变、旋转的效果不是很好,后来尝试利用orb特征、sift特征匹配,由于车辆很多特征很相似,也不能很好的区分,如利用sift特征匹配效果如下:

代码:

import shutil
import cv2
import numpy as np
import osdef calculate_match_score(img1, img2):"""计算两张图像的匹配分数"""# 创建SIFT对象sift = cv2.SIFT_create()# 检测SIFT关键点和描述符keypoints1, descriptors1 = sift.detectAndCompute(img1, None)keypoints2, descriptors2 = sift.detectAndCompute(img2, None)if descriptors1 is None or descriptors2 is None:return 0  # 如果无法计算描述符,则匹配分数为0# 创建BFMatcher对象bf = cv2.BFMatcher(cv2.NORM_L2, crossCheck=True)matches = bf.match(descriptors1, descriptors2)# 计算匹配度(匹配点数量与总点数的比值)num_matches = len(matches)total_points = len(keypoints1) + len(keypoints2)if total_points > 0:match_score = num_matches / total_pointselse:match_score = 0return match_score * 1000def template_match_folder(template_img, folder):"""在文件夹中查找与模板图像匹配的图像"""all_img_list = {}folder_name = os.path.basename(template_img).split("_")[0]save_folder = os.path.join("G:", "ss", folder_name)os.makedirs(save_folder, exist_ok=True)for des_img_name in os.listdir(folder):des_img_path = os.path.join(folder, des_img_name)# 读取目标图像des_img = cv2.imread(des_img_path)if des_img is None:print(f"无法读取图像 {des_img_path}")continueheight, width = des_img.shape[:2]des_img_area = height * widthif des_img_area < 50 * 65:continue# 计算匹配分数match_score = calculate_match_score(template_img, des_img)if match_score > 200:all_img_list[des_img_name] = match_scoresave_img_path = os.path.join(save_folder, des_img_name)shutil.copy(des_img_path, save_img_path)return all_img_listdef template_folder_match_des_folder(template_folder, folder):"""遍历模板文件夹,匹配每个模板图像与目标文件夹中的图像"""for template_name in os.listdir(template_folder):template_path = os.path.join(template_folder, template_name)template_img = cv2.imread(template_path)if template_img is None:print(f"无法读取模板图像 {template_path}")continueall_img_list = template_match_folder(template_img, folder)with open("1.txt", "a", encoding="utf-8") as f:f.write(str(all_img_list))f.write("\n")# 主程序入口
template_folder = r"G:\dataset\M3FD\M3FD_Detection\templates"
folder = r"G:\dataset\M3FD\M3FD_Detection\cut_imgs"template_folder_match_des_folder(template_folder, folder)

效果: 

模版图像:

算法匹配结果:

模版图像:

算法匹配结果: 

深度学习匹配算法:

通过resne提取图像特征,计算余弦相似度。再映射至hsv和lab颜色空间计算颜色的相似度,共同去评估模版与目标的相似度。

代码:

import torch
import torchvision.transforms as transforms
from torchvision import models
from PIL import Image
import numpy as np
from sklearn.metrics.pairwise import cosine_similarity
import cv2
import shutil
import os
import concurrent.futures
from tqdm import tqdm# 检查CUDA是否可用并选择设备
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
print(device)
# 加载预训练的 ResNet 模型并将其移动到GPU
model = models.resnet50(weights=models.ResNet50_Weights.DEFAULT)
model = model.to(device)  # 将模型移动到GPU
model.eval()  # 设置模型为评估模式# 定义图像预处理步骤
preprocess = transforms.Compose([transforms.Resize(256),transforms.CenterCrop(224),transforms.ToTensor(),transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]),
])def preprocess_image(image):"""将图像预处理为模型输入格式"""if isinstance(image, str):image = Image.open(image).convert('RGB')if isinstance(image, np.ndarray):image = Image.fromarray(image)if isinstance(image, Image.Image):image = preprocess(image)image = image.unsqueeze(0).to(device)  # 增加一个批次维度并将图像移动到GPUreturn imageelse:raise TypeError("Unsupported image type: {}".format(type(image)))def get_features(image):"""提取图像特征"""image = preprocess_image(image)# 使用模型提取特征with torch.no_grad():features = model(image)return features.cpu().numpy().flatten()  # 将特征从GPU移动到CPU并展平def get_color_features(image):"""提取图像颜色直方图特征"""if isinstance(image, str):image = Image.open(image).convert('RGB')if isinstance(image, np.ndarray):image = cv2.cvtColor(image, cv2.COLOR_RGB2BGR)elif isinstance(image, Image.Image):image = np.array(image.convert('RGB'))else:raise TypeError("Unsupported image type: {}".format(type(image)))# 转换到 HSV 和 Lab 颜色空间hsv_image = cv2.cvtColor(image, cv2.COLOR_RGB2HSV)lab_image = cv2.cvtColor(image, cv2.COLOR_RGB2Lab)# 计算 HSV 颜色直方图hist_h = cv2.calcHist([hsv_image], [0], None, [256], [0, 256]).flatten()hist_s = cv2.calcHist([hsv_image], [1], None, [256], [0, 256]).flatten()hist_v = cv2.calcHist([hsv_image], [2], None, [256], [0, 256]).flatten()# 计算 Lab 颜色直方图hist_l = cv2.calcHist([lab_image], [0], None, [256], [0, 256]).flatten()hist_a = cv2.calcHist([lab_image], [1], None, [256], [-128, 128]).flatten()hist_b = cv2.calcHist([lab_image], [2], None, [256], [-128, 128]).flatten()# 计算颜色矩(均值和标准差)mean_hsv = np.mean(hsv_image, axis=(0, 1))std_hsv = np.std(hsv_image, axis=(0, 1))mean_lab = np.mean(lab_image, axis=(0, 1))std_lab = np.std(lab_image, axis=(0, 1))# 归一化直方图hist_h /= hist_h.sum() if hist_h.sum() > 0 else 1hist_s /= hist_s.sum() if hist_s.sum() > 0 else 1hist_v /= hist_v.sum() if hist_v.sum() > 0 else 1hist_l /= hist_l.sum() if hist_l.sum() > 0 else 1hist_a /= hist_a.sum() if hist_a.sum() > 0 else 1hist_b /= hist_b.sum() if hist_b.sum() > 0 else 1# 合并特征并进行标准化color_features = np.concatenate([hist_h, hist_s, hist_v, hist_l, hist_a, hist_b, mean_hsv, std_hsv, mean_lab, std_lab])color_features = (color_features - np.mean(color_features)) / (np.std(color_features) + 1e-6)  # 标准化return color_featuresdef compare_images(image1, image2):"""比较两张图像的相似性"""# 提取图像特征features1 = get_features(image1)features2 = get_features(image2)# 提取颜色特征color_features1 = get_color_features(image1)color_features2 = get_color_features(image2)similarity_reset = cosine_similarity([features1], [features2])[0][0]similarity_color = cosine_similarity([color_features1], [color_features2])[0][0]return similarity_reset, similarity_colordef calculate_match_score(img1, img2):"""计算SIFT匹配度"""# 创建SIFT对象sift = cv2.SIFT_create()# 检测SIFT关键点和描述符keypoints1, descriptors1 = sift.detectAndCompute(img1, None)keypoints2, descriptors2 = sift.detectAndCompute(img2, None)# 创建BFMatcher对象bf = cv2.BFMatcher(cv2.NORM_L2, crossCheck=True)matches = bf.match(descriptors1, descriptors2)# 计算匹配度(匹配点数量与总点数的比值)num_matches = len(matches)total_points = len(keypoints1) + len(keypoints2)if total_points > 100:match_score = num_matches / total_pointselse:match_score = 0return match_score * 1000def process_image_pair(template_img_path, des_img_path, save_folder):"""处理图像对并保存符合条件的图像"""template_img = cv2.imread(template_img_path)des_img = cv2.imread(des_img_path)height, width = des_img.shape[:2]des_img_area = height * widthif des_img_area < 50 * 65:return Nonesimilarity_reset_score, similarity_color_score = compare_images(template_img, des_img)if similarity_reset_score > 0.8 and similarity_color_score > 0.998:des_img_name = os.path.basename(des_img_path)save_img_path = os.path.join(save_folder, des_img_name)shutil.copy(des_img_path, save_img_path)return {des_img_name: similarity_reset_score}return Nonedef template_match_folder(template_path, folder, max_workers=8):"""处理文件夹中的所有图像"""all_img_list = {}template_img = cv2.imread(template_path)save_folder = os.path.join("G:\\fff", os.path.basename(template_path).split("_")[0])os.makedirs(save_folder, exist_ok=True)with concurrent.futures.ThreadPoolExecutor(max_workers=max_workers) as executor:futures = []for des_img_name in os.listdir(folder):des_img_path = os.path.join(folder, des_img_name)futures.append(executor.submit(process_image_pair, template_path, des_img_path, save_folder))for future in concurrent.futures.as_completed(futures):result = future.result()if result:all_img_list.update(result)return all_img_listdef template_folder_match_des_folder(template_folder, folder, max_workers=8):"""处理模板文件夹和目标文件夹"""for template_name in tqdm(os.listdir(template_folder)):template_path = os.path.join(template_folder, template_name)all_img_list = template_match_folder(template_path, folder, max_workers)with open("3.txt", "a", encoding="utf-8") as f:f.write(str(all_img_list))f.write("\n")# 示例路径(根据实际情况修改)
template_folder = r"G:\dataset\M3FD\M3FD_Detection\templates"
folder = r"G:\dataset\M3FD\M3FD_Detection\cut_imgs"# 调整 max_workers 的值以控制并行处理的数量
template_folder_match_des_folder(template_folder, folder, max_workers=4)

效果:

汽车所有模版图

所有的汽车图

算法得到的结果图:

 

 效果展示:

 

 

 

 

 

存在部分分类错误的情况:

 

优化建议:

黑车模版存在白车的情况,可以从颜色的特征进一步优化算法:

 

数据采用的是M3FD里面的车辆类别数据集

这篇关于模版匹配——在大量的图片中找到与模版相似的图像的文章就介绍到这儿,希望我们推荐的文章对编程师们有所帮助!



http://www.chinasem.cn/article/1130470

相关文章

Python FastAPI+Celery+RabbitMQ实现分布式图片水印处理系统

《PythonFastAPI+Celery+RabbitMQ实现分布式图片水印处理系统》这篇文章主要为大家详细介绍了PythonFastAPI如何结合Celery以及RabbitMQ实现简单的分布式... 实现思路FastAPI 服务器Celery 任务队列RabbitMQ 作为消息代理定时任务处理完整

使用C#代码在PDF文档中添加、删除和替换图片

《使用C#代码在PDF文档中添加、删除和替换图片》在当今数字化文档处理场景中,动态操作PDF文档中的图像已成为企业级应用开发的核心需求之一,本文将介绍如何在.NET平台使用C#代码在PDF文档中添加、... 目录引言用C#添加图片到PDF文档用C#删除PDF文档中的图片用C#替换PDF文档中的图片引言在当

详解C#如何提取PDF文档中的图片

《详解C#如何提取PDF文档中的图片》提取图片可以将这些图像资源进行单独保存,方便后续在不同的项目中使用,下面我们就来看看如何使用C#通过代码从PDF文档中提取图片吧... 当 PDF 文件中包含有价值的图片,如艺术画作、设计素材、报告图表等,提取图片可以将这些图像资源进行单独保存,方便后续在不同的项目中使

Java实现文件图片的预览和下载功能

《Java实现文件图片的预览和下载功能》这篇文章主要为大家详细介绍了如何使用Java实现文件图片的预览和下载功能,文中的示例代码讲解详细,感兴趣的小伙伴可以跟随小编一起学习一下... Java实现文件(图片)的预览和下载 @ApiOperation("访问文件") @GetMapping("

基于Python开发批量提取Excel图片的小工具

《基于Python开发批量提取Excel图片的小工具》这篇文章主要为大家详细介绍了如何使用Python中的openpyxl库开发一个小工具,可以实现批量提取Excel图片,有需要的小伙伴可以参考一下... 目前有一个需求,就是批量读取当前目录下所有文件夹里的Excel文件,去获取出Excel文件中的图片,并

Java实现数据库图片上传与存储功能

《Java实现数据库图片上传与存储功能》在现代的Web开发中,上传图片并将其存储在数据库中是常见的需求之一,本文将介绍如何通过Java实现图片上传,存储到数据库的完整过程,希望对大家有所帮助... 目录1. 项目结构2. 数据库表设计3. 实现图片上传功能3.1 文件上传控制器3.2 图片上传服务4. 实现

Java实现数据库图片上传功能详解

《Java实现数据库图片上传功能详解》这篇文章主要为大家详细介绍了如何使用Java实现数据库图片上传功能,包含从数据库拿图片传递前端渲染,感兴趣的小伙伴可以跟随小编一起学习一下... 目录1、前言2、数据库搭建&nbsChina编程p; 3、后端实现将图片存储进数据库4、后端实现从数据库取出图片给前端5、前端拿到

Python使用PIL库将PNG图片转换为ICO图标的示例代码

《Python使用PIL库将PNG图片转换为ICO图标的示例代码》在软件开发和网站设计中,ICO图标是一种常用的图像格式,特别适用于应用程序图标、网页收藏夹图标等场景,本文将介绍如何使用Python的... 目录引言准备工作代码解析实践操作结果展示结语引言在软件开发和网站设计中,ICO图标是一种常用的图像

使用Python开发一个图像标注与OCR识别工具

《使用Python开发一个图像标注与OCR识别工具》:本文主要介绍一个使用Python开发的工具,允许用户在图像上进行矩形标注,使用OCR对标注区域进行文本识别,并将结果保存为Excel文件,感兴... 目录项目简介1. 图像加载与显示2. 矩形标注3. OCR识别4. 标注的保存与加载5. 裁剪与重置图像

Nginx中location实现多条件匹配的方法详解

《Nginx中location实现多条件匹配的方法详解》在Nginx中,location指令用于匹配请求的URI,虽然location本身是基于单一匹配规则的,但可以通过多种方式实现多个条件的匹配逻辑... 目录1. 概述2. 实现多条件匹配的方式2.1 使用多个 location 块2.2 使用正则表达式