营销型网站建设的资讯,安阳如何优化网站,网站怎么做构成,精通网站建设需要学什么文章目录 0 前言1 技术背景2 技术介绍3 重识别技术实现3.1 数据集3.2 Person REID3.2.1 算法原理3.2.2 算法流程图 4 实现效果5 部分代码6 最后 0 前言
#x1f525; 优质竞赛项目系列#xff0c;今天要分享的是
#x1f6a9; 深度学习行人重识别(person reid)系统
该项目… 文章目录 0 前言1 技术背景2 技术介绍3 重识别技术实现3.1 数据集3.2 Person REID3.2.1 算法原理3.2.2 算法流程图 4 实现效果5 部分代码6 最后 0 前言 优质竞赛项目系列今天要分享的是 深度学习行人重识别(person reid)系统
该项目较为新颖适合作为竞赛课题方向学长非常推荐
学长这里给一个题目综合评分(每项满分5分)
难度系数3分工作量3分创新点5分 更多资料, 项目分享
https://gitee.com/dancheng-senior/postgraduate
1 技术背景
行人重识别技术是智能视频监控系统的关键技术之一其研宄是针对特定目标行人的视频检索识别问题。行人再识别是一种自动的目标判定识别技术它综合地运用了计算机视觉技术、机器学习、视频处理、图像分析、模式识别等多种相关技术于监控系统中其主要描述的是在多个无重叠视域的摄像头监控环境之下通过相关算法判断在某个镜头下出现过的感兴趣的目标人物是否在其他摄像头下再次出现。
2 技术介绍
在视频监控系统中行人再识别任务的整体框架如下图所示 —个监控系统由多个视域不相交的监控摄像头组成摄像机的位置可以随时更改同时也可以随时增加或减少摄像机。不两监控摄像头所摄取的画面、视角等各不相同。在这样的监控系统中对行人的动向监测是至关重要的。
对行人的监控主要基于以下三个基本的模块 行人检测 行人检测的目标是在图片中定位到行人的具体位置。这一步骤仅涉及到对于静止的单张图片的处理而没有动态的处理没有时间序列上的相关分析。 行人轨迹跟踪 行人轨迹跟踪的主要任务是在一段时间内提供目标任务的位置移动信息。与行人检测不同轨迹跟踪与时间序列紧密相关。行人轨迹跟踪是在行人检测的基础上进行的。 行人再识别 行人再识别任务的目标是在没有相重合视域的摄像头或摄像机网络内的不同背景下的许多行人中中识别某个特定行人。行人再识别的 在此基础上用训练出的模型进行学习从而判断得出某个摄像头下的行人与另一摄像头下的目标人物为同一个人。在智能视频监控系统中的行人再识别任务具有非常广阔的应用前景。行人再识别的应用与行人检测、目标跟踪、行人行为分析、敏感事件检测等等都有着紧密的联系这些分析处理技术对于公安部门的刑侦工作和城市安防建设工作有着重要的意义。
3 重识别技术实现
3.1 数据集
目前行人再识别的研究需要大量的行人数据集。行人再识别的数据集主要是通过在不同区域假设无重叠视域的多个摄像头来采集拍摄有行人图像的视频然后对视频提取帧对于视频帧图像采用人工标注或算法识别的方式进行人体检测及标注来完成的。行人再识别数据集中包含了跨背景、跨时间、不同拍摄角度下、各种不同姿势的行人图片如下图所示。 3.2 Person REID
3.2.1 算法原理
给定个不同的行人从不同的拍摄视角的无重叠视域摄像机捕获的图像集合行人再识别的任务是学习一个模型该模型可以尽可能减小行人姿势和背景、光照等因素带来的影响从而更好地对行人进行整体上的描述更准确地对不同行人图像之间的相似度进行衡量。
我这里使用注意力相关的特征的卷积神经网络。该基础卷积神经网络架构可以由任何卷积神经网络模型代替例如。
该算法的核心模块在于注意力学习模型。
3.2.2 算法流程图 4 实现效果
在多行人场景下对特定行人进行寻找
5 部分代码
import argparseimport timefrom sys import platformfrom models import *from utils.datasets import *from utils.utils import *from reid.data import make_data_loaderfrom reid.data.transforms import build_transformsfrom reid.modeling import build_modelfrom reid.config import cfg as reidCfgdef detect(cfg,data,weights,imagesdata/samples, # input folderoutputoutput, # output folderfourccmp4v, # video codecimg_size416,conf_thres0.5,nms_thres0.5,dist_thres1.0,save_txtFalse,save_imagesTrue):# Initializedevice torch_utils.select_device(force_cpuFalse)torch.backends.cudnn.benchmark False # set False for reproducible resultsif os.path.exists(output):shutil.rmtree(output) # delete output folderos.makedirs(output) # make new output folder############# 行人重识别模型初始化 #############query_loader, num_query make_data_loader(reidCfg)reidModel build_model(reidCfg, num_classes10126)reidModel.load_param(reidCfg.TEST.WEIGHT)reidModel.to(device).eval()query_feats []query_pids []for i, batch in enumerate(query_loader):with torch.no_grad():img, pid, camid batchimg img.to(device)feat reidModel(img) # 一共2张待查询图片每张图片特征向量2048 torch.Size([2, 2048])query_feats.append(feat)query_pids.extend(np.asarray(pid)) # extend() 函数用于在列表末尾一次性追加另一个序列中的多个值用新列表扩展原来的列表。query_feats torch.cat(query_feats, dim0) # torch.Size([2, 2048])print(The query feature is normalized)query_feats torch.nn.functional.normalize(query_feats, dim1, p2) # 计算出查询图片的特征向量############# 行人检测模型初始化 #############model Darknet(cfg, img_size)# Load weightsif weights.endswith(.pt): # pytorch formatmodel.load_state_dict(torch.load(weights, map_locationdevice)[model])else: # darknet format_ load_darknet_weights(model, weights)# Eval modemodel.to(device).eval()# Half precisionopt.half opt.half and device.type ! cpu # half precision only supported on CUDAif opt.half:model.half()# Set Dataloadervid_path, vid_writer None, Noneif opt.webcam:save_images Falsedataloader LoadWebcam(img_sizeimg_size, halfopt.half)else:dataloader LoadImages(images, img_sizeimg_size, halfopt.half)# Get classes and colors# parse_data_cfg(data)[names]:得到类别名称文件路径 namesdata/coco.namesclasses load_classes(parse_data_cfg(data)[names]) # 得到类别名列表: [person, bicycle...]colors [[random.randint(0, 255) for _ in range(3)] for _ in range(len(classes))] # 对于每种类别随机使用一种颜色画框# Run inferencet0 time.time()for i, (path, img, im0, vid_cap) in enumerate(dataloader):t time.time()# if i 500 or i % 5 0:# continuesave_path str(Path(output) / Path(path).name) # 保存的路径# Get detections shape: (3, 416, 320)img torch.from_numpy(img).unsqueeze(0).to(device) # torch.Size([1, 3, 416, 320])pred, _ model(img) # 经过处理的网络预测和原始的det non_max_suppression(pred.float(), conf_thres, nms_thres)[0] # torch.Size([5, 7])if det is not None and len(det) 0:# Rescale boxes from 416 to true image size 映射到原图det[:, :4] scale_coords(img.shape[2:], det[:, :4], im0.shape).round()# Print results to screen image 1/3 data\samples\000493.jpg: 288x416 5 persons, Done. (0.869s)print(%gx%g % img.shape[2:], end) # print image size 288x416for c in det[:, -1].unique(): # 对图片的所有类进行遍历循环n (det[:, -1] c).sum() # 得到了当前类别的个数也可以用来统计数目if classes[int(c)] person:print(%g %ss % (n, classes[int(c)]), end, ) # 打印个数和类别5 persons# Draw bounding boxes and labels of detections# (x1y1x2y2, obj_conf, class_conf, class_pred)count 0gallery_img []gallery_loc []for *xyxy, conf, cls_conf, cls in det: # 对于最后的预测框进行遍历# *xyxy: 对于原图来说的左上角右下角坐标: [tensor(349.), tensor(26.), tensor(468.), tensor(341.)]if save_txt: # Write to filewith open(save_path .txt, a) as file:file.write((%g * 6 \n) % (*xyxy, cls, conf))# Add bbox to the imagelabel %s %.2f % (classes[int(cls)], conf) # person 1.00if classes[int(cls)] person:#plot_one_bo x(xyxy, im0, labellabel, colorcolors[int(cls)])xmin int(xyxy[0])ymin int(xyxy[1])xmax int(xyxy[2])ymax int(xyxy[3])w xmax - xmin # 233h ymax - ymin # 602# 如果检测到的行人太小了感觉意义也不大# 这里需要根据实际情况稍微设置下if w*h 500:gallery_loc.append((xmin, ymin, xmax, ymax))crop_img im0[ymin:ymax, xmin:xmax] # HWC (602, 233, 3)crop_img Image.fromarray(cv2.cvtColor(crop_img, cv2.COLOR_BGR2RGB)) # PIL: (233, 602)crop_img build_transforms(reidCfg)(crop_img).unsqueeze(0) # torch.Size([1, 3, 256, 128])gallery_img.append(crop_img)if gallery_img:gallery_img torch.cat(gallery_img, dim0) # torch.Size([7, 3, 256, 128])gallery_img gallery_img.to(device)gallery_feats reidModel(gallery_img) # torch.Size([7, 2048])print(The gallery feature is normalized)gallery_feats torch.nn.functional.normalize(gallery_feats, dim1, p2) # 计算出查询图片的特征向量# m: 2# n: 7m, n query_feats.shape[0], gallery_feats.shape[0]distmat torch.pow(query_feats, 2).sum(dim1, keepdimTrue).expand(m, n) \torch.pow(gallery_feats, 2).sum(dim1, keepdimTrue).expand(n, m).t()# out(beta∗M)(alpha∗mat1mat2)# qf^2 gf^2 - 2 * qfgf.t()# distmat - 2 * qfgf.t()# distmat: qf^2 gf^2# qf: torch.Size([2, 2048])# gf: torch.Size([7, 2048])distmat.addmm_(1, -2, query_feats, gallery_feats.t())# distmat (qf - gf)^2# distmat np.array([[1.79536, 2.00926, 0.52790, 1.98851, 2.15138, 1.75929, 1.99410],# [1.78843, 1.96036, 0.53674, 1.98929, 1.99490, 1.84878, 1.98575]])distmat distmat.cpu().numpy() # : (3, 12)distmat distmat.sum(axis0) / len(query_feats) # 平均一下query中同一行人的多个结果index distmat.argmin()if distmat[index] dist_thres:print(距离%s%distmat[index])plot_one_box(gallery_loc[index], im0, labelfind!, colorcolors[int(cls)])# cv2.imshow(person search, im0)# cv2.waitKey()print(Done. (%.3fs) % (time.time() - t))if opt.webcam: # Show live webcamcv2.imshow(weights, im0)if save_images: # Save image with detectionsif dataloader.mode images:cv2.imwrite(save_path, im0)else:if vid_path ! save_path: # new videovid_path save_pathif isinstance(vid_writer, cv2.VideoWriter):vid_writer.release() # release previous video writerfps vid_cap.get(cv2.CAP_PROP_FPS)width int(vid_cap.get(cv2.CAP_PROP_FRAME_WIDTH))height int(vid_cap.get(cv2.CAP_PROP_FRAME_HEIGHT))vid_writer cv2.VideoWriter(save_path, cv2.VideoWriter_fourcc(*fourcc), fps, (width, height))vid_writer.write(im0)if save_images:print(Results saved to %s % os.getcwd() os.sep output)if platform darwin: # macosos.system(open output save_path)print(Done. (%.3fs) % (time.time() - t0))if __name__ __main__:parser argparse.ArgumentParser()parser.add_argument(--cfg, typestr, defaultcfg/yolov3.cfg, help模型配置文件路径)parser.add_argument(--data, typestr, defaultdata/coco.data, help数据集配置文件所在路径)parser.add_argument(--weights, typestr, defaultweights/yolov3.weights, help模型权重文件路径)parser.add_argument(--images, typestr, defaultdata/samples, help需要进行检测的图片文件夹)parser.add_argument(-q, --query, defaultrquery, help查询图片的读取路径.)parser.add_argument(--img-size, typeint, default416, help输入分辨率大小)parser.add_argument(--conf-thres, typefloat, default0.1, help物体置信度阈值)parser.add_argument(--nms-thres, typefloat, default0.4, helpNMS阈值)parser.add_argument(--dist_thres, typefloat, default1.0, help行人图片距离阈值小于这个距离就认为是该行人)parser.add_argument(--fourcc, typestr, defaultmp4v, helpfourcc output video codec (verify ffmpeg support))parser.add_argument(--output, typestr, defaultoutput, help检测后的图片或视频保存的路径)parser.add_argument(--half, defaultFalse, help是否采用半精度FP16进行推理)parser.add_argument(--webcam, defaultFalse, help是否使用摄像头进行检测)opt parser.parse_args()print(opt)with torch.no_grad():detect(opt.cfg,opt.data,opt.weights,imagesopt.images,img_sizeopt.img_size,conf_thresopt.conf_thres,nms_thresopt.nms_thres,dist_thresopt.dist_thres,fourccopt.fourcc,outputopt.output)
6 最后 更多资料, 项目分享
https://gitee.com/dancheng-senior/postgraduate