91av视频/亚洲h视频/操亚洲美女/外国一级黄色毛片 - 国产三级三级三级三级

  • 大小: 275KB
    文件類型: .zip
    金幣: 2
    下載: 0 次
    發布日期: 2021-06-03
  • 語言: Python
  • 標簽: pytorch??python??

資源簡介

該代碼實現了對行人重識別,準確率達到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_baseline_pytorch-master\
?????文件????????1070??2018-08-28?04:18??Person_reID_baseline_pytorch-master\LICENSE
?????文件????????7494??2018-08-28?04:18??Person_reID_baseline_pytorch-master\README.md
?????文件??????218585??2018-08-28?04:18??Person_reID_baseline_pytorch-master\demo.png
?????文件????????3578??2018-08-28?04:18??Person_reID_baseline_pytorch-master\demo.py
?????文件????????3424??2018-08-28?04:18??Person_reID_baseline_pytorch-master\evaluate.py
?????文件????????3729??2018-08-28?04:18??Person_reID_baseline_pytorch-master\evaluate_gpu.py
?????文件????????2735??2018-08-28?04:18??Person_reID_baseline_pytorch-master\evaluate_rerank.py
?????文件????????6743??2018-08-28?04:18??Person_reID_baseline_pytorch-master\model.py
?????目錄???????????0??2018-08-28?04:18??Person_reID_baseline_pytorch-master\model\
?????文件???????????1??2018-08-28?04:18??Person_reID_baseline_pytorch-master\model\.gitkeep
?????文件????????3554??2018-08-28?04:18??Person_reID_baseline_pytorch-master\prepare.py
?????文件????????4034??2018-08-28?04:18??Person_reID_baseline_pytorch-master\prepare_static.py
?????文件????????1926??2018-08-28?04:18??Person_reID_baseline_pytorch-master\random_erasing.py
?????文件????????4199??2018-08-28?04:18??Person_reID_baseline_pytorch-master\re_ranking.py
?????文件????????6850??2018-08-28?04:18??Person_reID_baseline_pytorch-master\test.py
?????文件???????53483??2018-08-28?04:18??Person_reID_baseline_pytorch-master\train.jpg
?????文件???????12512??2018-08-28?04:18??Person_reID_baseline_pytorch-master\train.py

評論

共有 條評論