资源简介
该代码实现了对行人重识别,准确率达到88%左右,最好的情况的下可以达到90%。
代码片段和文件信息
import argparse
import scipy.io
import torch
import numpy as np
import time
import os
from torchvision import datasets models transforms
import matplotlib
matplotlib.use(‘agg‘)
import matplotlib.pyplot as plt
#######################################################################
# Evaluate
parser = argparse.ArgumentParser(description=‘Demo‘)
parser.add_argument(‘--query_index‘ default=777 type=int help=‘test_image_index‘)
parser.add_argument(‘--test_dir‘default=‘../Market/pytorch‘type=str help=‘./test_data‘)
opts = parser.parse_args()
data_dir = opts.test_dir
image_datasets = {x: datasets.ImageFolder( os.path.join(data_dirx) ) for x in [‘gallery‘‘query‘]}
#####################################################################
#Show result
def imshow(path title=None):
“““Imshow for Tensor.“““
im = plt.imread(path)
plt.imshow(im)
if title is not None:
plt.title(title)
plt.pause(0.001) # pause a bit so that plots are updated
######################################################################
result = scipy.io.loadmat(‘pytorch_result.mat‘)
query_feature = torch.FloatTensor(result[‘query_f‘])
query_cam = result[‘query_cam‘][0]
query_label = result[‘query_label‘][0]
gallery_feature = torch.FloatTensor(result[‘gallery_f‘])
gallery_cam = result[‘gallery_cam‘][0]
gallery_label = result[‘gallery_label‘][0]
multi = os.path.isfile(‘multi_query.mat‘)
if multi:
m_result = scipy.io.loadmat(‘multi_query.mat‘)
mquery_feature = torch.FloatTensor(m_result[‘mquery_f‘])
mquery_cam = m_result[‘mquery_cam‘][0]
mquery_label = m_result[‘mquery_label‘][0]
mquery_feature = mquery_feature.cuda()
query_feature = query_feature.cuda()
gallery_feature = gallery_feature.cuda()
#######################################################################
# sort the images
def sort_img(qf ql qc gf gl gc):
query = qf.view(-11)
# print(query.shape)
score = torch.mm(gfquery)
score = score.squeeze(1).cpu()
score = score.numpy()
# predict index
index = np.argsort(score) #from small to large
index = index[::-1]
# index = index[0:2000]
# good index
query_index = np.argwhere(gl==ql)
#same camera
camera_index = np.argwhere(gc==qc)
good_index = np.setdiff1d(query_index camera_index assume_unique=True)
junk_index1 = np.argwhere(gl==-1)
junk_index2 = np.intersect1d(query_index camera_index)
junk_index = np.append(junk_index2 junk_index1)
mask = np.in1d(index junk_index invert=True)
index = index[mask]
return index
i = opts.query_index
index = sort_img(query_feature[i]query_label[i]query_cam[i]gallery_featuregallery_labelgallery_cam)
########################################################################
# Visualize the rank result
query_path label = image_datasets[‘query‘].imgs[opts.query_index]
print(query_path)
print(‘Top 10 images are as follow:‘)
try: # Visualize Ranking Result
# Graphical User Interface is needed
属性 大小 日期 时间 名称
----------- --------- ---------- ----- ----
目录 0 2018-08-28 04:18 Person_reID_ba
文件 1070 2018-08-28 04:18 Person_reID_ba
文件 7494 2018-08-28 04:18 Person_reID_ba
文件 218585 2018-08-28 04:18 Person_reID_ba
文件 3578 2018-08-28 04:18 Person_reID_ba
文件 3424 2018-08-28 04:18 Person_reID_ba
文件 3729 2018-08-28 04:18 Person_reID_ba
文件 2735 2018-08-28 04:18 Person_reID_ba
文件 6743 2018-08-28 04:18 Person_reID_ba
目录 0 2018-08-28 04:18 Person_reID_ba
文件 1 2018-08-28 04:18 Person_reID_ba
文件 3554 2018-08-28 04:18 Person_reID_ba
文件 4034 2018-08-28 04:18 Person_reID_ba
文件 1926 2018-08-28 04:18 Person_reID_ba
文件 4199 2018-08-28 04:18 Person_reID_ba
文件 6850 2018-08-28 04:18 Person_reID_ba
文件 53483 2018-08-28 04:18 Person_reID_ba
文件 12512 2018-08-28 04:18 Person_reID_ba
相关资源
- 推荐系统物质扩散代码python
- 基于Python语言的SAD算法进行双目立体
- Python 聊天室 客户端和服务端 聊天
- python随机森林应用
- 肺实质分割python代码
- 基于python2.7的LeNet5源代码实现
- caffe_log绘制accuracy和loss曲线python3
- Python+OpenCv实现AI人脸识别身份认证系
- Tensorflow之CNN实现CIFAR-10图像的分类p
- python零基础入门视频 百度云资源
- Python和pyqt5中安装VTK实现三维数据可视
- Python3.x+Pyqt5实现界面左侧导航栏的抽
- Python3.x+Pyqt5制作GUI界面的案例
- Python-2.7.2-xcompile.patch
- PIL中文手册.pdf
- Python操作MySQL数据进行图片存取操作
- win 10 python 3.7 pygraphviz 安装包
- python实现算术编码
- 围棋截屏图片扫描工具
- [python] Kmeans文本聚类算法+PAC降维+Ma
- mysqldb64位
- abaqus激光增材仿真,生死单元添加p
- 利用Python爬虫批量百度图库图片
- 基于python的深度信念网络
- win10下调用OpenCV-Python和YOLACT模型进行
- Python多线程子域名扫描自带字典
- modbus通信的Python实现
- python批量pdf转txt
- 遗传算法python代码
- 爬取京东评论。代码
评论
共有 条评论