You can not select more than 25 topics Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.

540 lines
23KB

  1. from __future__ import print_function
  2. import os
  3. import numpy as np
  4. import matplotlib
  5. matplotlib.use('Agg')
  6. import matplotlib.pyplot as plt
  7. import matplotlib.patches as patches
  8. from skimage import io
  9. import glob
  10. import time,cv2
  11. import argparse
  12. from filterpy.kalman import KalmanFilter
  13. from PIL import Image,ImageDraw,ImageFont
  14. np.random.seed(0)
  15. def obbTohbb(obb):
  16. obbarray=np.array(obb)
  17. x0=np.min(obbarray[:,0])
  18. x1=np.max(obbarray[:,0])
  19. y0=np.min(obbarray[:,1])
  20. y1=np.max(obbarray[:,1])
  21. return [x0,y0,x1,y1]
  22. '''
  23. def plot_one_box_ForTrack(x, im, color=None, label=None, line_thickness=3):
  24. # Plots one bounding box on image 'im' using OpenCV
  25. assert im.data.contiguous, 'Image not contiguous. Apply np.ascontiguousarray(im) to plot_on_box() input image.'
  26. tl = line_thickness or round(0.002 * (im.shape[0] + im.shape[1]) / 2) + 1 # line/font thickness
  27. color = color or [random.randint(0, 255) for _ in range(3)]
  28. c1, c2 = (int(x[0]), int(x[1])), (int(x[2]), int(x[3]))
  29. cv2.rectangle(im, c1, c2, color, thickness=tl, lineType=cv2.LINE_AA)
  30. if label:
  31. tf = max(tl - 1, 1) # font thickness
  32. t_size = cv2.getTextSize(label, 0, fontScale=tl / 3, thickness=tf)[0]
  33. c2 = c1[0] + t_size[0], c1[1] - t_size[1] - 3
  34. cv2.rectangle(im, c1, c2, color, -1, cv2.LINE_AA) # filled
  35. cv2.putText(im, label, (c1[0], c1[1] - 2), 0, tl / 3, [225, 255, 255], thickness=tf, lineType=cv2.LINE_AA)
  36. '''
  37. def plot_one_box_ForTrack(box, im, color=None, label=None, line_thickness=None):
  38. # Plots one bounding box on image 'im' using PIL
  39. im = Image.fromarray(im)
  40. draw = ImageDraw.Draw(im)
  41. line_thickness = line_thickness or max(int(min(im.size) / 200), 2)
  42. draw.rectangle([(box[0],box[1]),(box[2],box[3])], width=line_thickness, outline=tuple(color)) # plot
  43. if label:
  44. tmax = min(round(max(im.size) / 40),20)
  45. fontsize = max(tmax, 12)
  46. font = ImageFont.truetype("../AIlib2/conf/platech.ttf", fontsize,encoding='utf-8')
  47. txt_width, txt_height = font.getsize(label)
  48. draw.rectangle([box[0], box[1] - txt_height + 4, box[0] + txt_width, box[1]], fill=tuple(color))
  49. draw.text((box[0], box[1] - txt_height + 1), label, fill=(255, 255, 255), font=font)
  50. im_array = np.asarray(im)
  51. return im_array
  52. def drawBoxTraceSimplied(track_det_result,iiframe, img_draw,rainbows=None,boxFlag=True,traceFlag=True,names=[]):
  53. boxes_oneFrame = track_det_result[ track_det_result[:,6]==iiframe ]
  54. if boxFlag:
  55. ###在某一帧上,画上检测框
  56. for box in boxes_oneFrame:
  57. x0,y0,x1,y1,conf,cls = box[0:6]
  58. #cv2.rectangle(img_draw, ( int(x0), int(y0) ), ( int(x1), int(y1) ), (255,0,20), 2)
  59. if len(names)==0:
  60. txtstring='%d:%.2f'%(cls,conf)
  61. else: txtstring='%s:%.2f'%(names[int(cls)],conf)
  62. img_draw=plot_one_box_ForTrack( box[0:4], img_draw, color=rainbows[ int(cls)], label=txtstring, line_thickness=3)
  63. if traceFlag:
  64. ###在某一帧上,画上轨迹
  65. track_ids = boxes_oneFrame[:,7].tolist()
  66. boxes_before_oneFrame = track_det_result[ track_det_result[:,6]<=iiframe ]
  67. for trackId in track_ids:
  68. boxes_before_oneFrame_oneId = boxes_before_oneFrame[boxes_before_oneFrame[:,7]==trackId]
  69. xcs = (boxes_before_oneFrame_oneId[:,0]+boxes_before_oneFrame_oneId[:,2])//2
  70. ycs = (boxes_before_oneFrame_oneId[:,1]+boxes_before_oneFrame_oneId[:,3])//2
  71. [cv2.line(img_draw, ( int(xcs[i]) , int(ycs[i]) ),
  72. ( int(xcs[i+1]),int(ycs[i+1]) ),(255,0,0), thickness=2)
  73. for i,_ in enumerate(xcs) if i < len(xcs)-1 ]
  74. return img_draw
  75. def moving_average_wang(interval, windowsize):
  76. outNum = interval.copy()
  77. if windowsize==1:
  78. return outNum
  79. assert windowsize%2!=0
  80. window = np.ones(int(windowsize)) / float(windowsize)
  81. re = np.convolve(interval, window, 'valid')
  82. cnt = int((windowsize - 1)/2+0.5)
  83. total = len(interval)
  84. outNum = np.zeros( (total,),dtype=np.float32 )
  85. outNum[0]=interval[0]
  86. outNum[-1]=interval[-1]
  87. for i in range(1,cnt):
  88. outNum[i] = np.mean( interval[0:2*i-1] )
  89. outNum[-i-1] = np.mean( interval[-2*i-1:] )
  90. #print('###line113:',outNum.shape,re.shape,cnt,windowsize)
  91. outNum[cnt:-cnt]=re[:]
  92. return outNum
  93. def track_draw_trace(tracks,im0):
  94. for track in tracks:
  95. [cv2.line(im0, (int(track.centroidarr[i][0]),
  96. int(track.centroidarr[i][1])),
  97. (int(track.centroidarr[i+1][0]),
  98. int(track.centroidarr[i+1][1])),
  99. (255,0,0), thickness=2)
  100. for i,_ in enumerate(track.centroidarr)
  101. if i < len(track.centroidarr)-1 ]
  102. return im0
  103. """Function to Draw Bounding boxes"""
  104. def track_draw_boxes(img, bbox, identities=None, categories=None, names=None ):
  105. for i, box in enumerate(bbox):
  106. #print('####line33 sort.py:',box)
  107. x1, y1, x2, y2 = [int(x) for x in box]
  108. cat = int(categories[i]) if categories is not None else 0
  109. id = int(identities[i]) if identities is not None else 0
  110. data = (int((box[0]+box[2])/2),(int((box[1]+box[3])/2)))
  111. label = str(id) + ":"+ names[cat]
  112. (w, h), _ = cv2.getTextSize(label, cv2.FONT_HERSHEY_SIMPLEX, 0.6, 1)
  113. cv2.rectangle(img, (x1, y1), (x2, y2), (255,0,20), 2)
  114. cv2.rectangle(img, (x1, y1 - 20), (x1 + w, y1), (255,144,30), -1)
  115. cv2.putText(img, label, (x1, y1 - 5),cv2.FONT_HERSHEY_SIMPLEX,
  116. 0.6, [255, 255, 255], 1)
  117. # cv2.circle(img, data, 6, color,-1) #centroid of box
  118. return img
  119. def track_draw_all_boxes(tracked_dets,im0,names):
  120. if len(tracked_dets)>0:
  121. bbox_xyxy = tracked_dets[:,:4]
  122. identities = tracked_dets[:, 8]
  123. categories = tracked_dets[:, 4]
  124. track_draw_boxes(im0, bbox_xyxy, identities, categories, names)
  125. return im0
  126. ####轨迹采用跟踪链中的结果。box采用track.update后的结果。
  127. def track_draw_boxAndTrace(tracked_dets,tracks,im0,names):
  128. track_draw_all_boxes(tracked_dets,im0,names)
  129. track_draw_trace(tracks,im0)
  130. return im0
  131. ####轨迹和box都采用跟踪链中的结果
  132. def track_draw_trace_boxes(tracks,im0,names):
  133. for track in tracks:
  134. [cv2.line(im0, (int(track.centroidarr[i][0]),
  135. int(track.centroidarr[i][1])),
  136. (int(track.centroidarr[i+1][0]),
  137. int(track.centroidarr[i+1][1])),
  138. (255,0,0), thickness=2)
  139. for i,_ in enumerate(track.centroidarr)
  140. if i < len(track.centroidarr)-1 ]
  141. bbox_xyxy = track.bbox_history[-1][0:4]
  142. identities,categories = track.id , track.detclass
  143. #print('####sort.py line74:',bbox_xyxy)
  144. track_draw_boxes(im0, [bbox_xyxy], [identities], [categories], names)
  145. return im0
  146. def linear_assignment(cost_matrix):
  147. try:
  148. import lap #linear assignment problem solver
  149. _, x, y = lap.lapjv(cost_matrix, extend_cost = True)
  150. return np.array([[y[i],i] for i in x if i>=0])
  151. except ImportError:
  152. from scipy.optimize import linear_sum_assignment
  153. x,y = linear_sum_assignment(cost_matrix)
  154. return np.array(list(zip(x,y)))
  155. """From SORT: Computes IOU between two boxes in the form [x1,y1,x2,y2]"""
  156. def iou_batch(bb_test, bb_gt):
  157. bb_gt = np.expand_dims(bb_gt, 0)
  158. bb_test = np.expand_dims(bb_test, 1)
  159. xx1 = np.maximum(bb_test[...,0], bb_gt[..., 0])
  160. yy1 = np.maximum(bb_test[..., 1], bb_gt[..., 1])
  161. xx2 = np.minimum(bb_test[..., 2], bb_gt[..., 2])
  162. yy2 = np.minimum(bb_test[..., 3], bb_gt[..., 3])
  163. w = np.maximum(0., xx2 - xx1)
  164. h = np.maximum(0., yy2 - yy1)
  165. wh = w * h
  166. o = wh / ((bb_test[..., 2] - bb_test[..., 0]) * (bb_test[..., 3] - bb_test[..., 1])
  167. + (bb_gt[..., 2] - bb_gt[..., 0]) * (bb_gt[..., 3] - bb_gt[..., 1]) - wh)
  168. return(o)
  169. """Takes a bounding box in the form [x1,y1,x2,y2] and returns z in the form [x,y,s,r] where x,y is the center of the box and s is the scale/area and r is the aspect ratio"""
  170. def convert_bbox_to_z(bbox):
  171. w = bbox[2] - bbox[0]
  172. h = bbox[3] - bbox[1]
  173. x = bbox[0] + w/2.
  174. y = bbox[1] + h/2.
  175. s = w * h
  176. #scale is just area
  177. r = w / float(h)
  178. return np.array([x, y, s, r]).reshape((4, 1))
  179. """Takes a bounding box in the centre form [x,y,s,r] and returns it in the form
  180. [x1,y1,x2,y2] where x1,y1 is the top left and x2,y2 is the bottom right"""
  181. def convert_x_to_bbox(x, score=None):
  182. w = np.sqrt(x[2] * x[3])
  183. h = x[2] / w
  184. if(score==None):
  185. return np.array([x[0]-w/2.,x[1]-h/2.,x[0]+w/2.,x[1]+h/2.]).reshape((1,4))
  186. else:
  187. return np.array([x[0]-w/2.,x[1]-h/2.,x[0]+w/2.,x[1]+h/2.,score]).reshape((1,5))
  188. """This class represents the internal state of individual tracked objects observed as bbox."""
  189. class KalmanBoxTracker(object):
  190. count = 0
  191. def __init__(self, bbox,obb=None):
  192. """
  193. Initialize a tracker using initial bounding box
  194. Parameter 'bbox' must have 'detected class' int number at the -1 position.
  195. """
  196. self.kf = KalmanFilter(dim_x=7, dim_z=4)
  197. self.kf.F = np.array([[1,0,0,0,1,0,0],[0,1,0,0,0,1,0],[0,0,1,0,0,0,1],[0,0,0,1,0,0,0],[0,0,0,0,1,0,0],[0,0,0,0,0,1,0],[0,0,0,0,0,0,1]])
  198. self.kf.H = np.array([[1,0,0,0,0,0,0],[0,1,0,0,0,0,0],[0,0,1,0,0,0,0],[0,0,0,1,0,0,0]])
  199. self.kf.R[2:,2:] *= 10. # R: Covariance matrix of measurement noise (set to high for noisy inputs -> more 'inertia' of boxes')
  200. self.kf.P[4:,4:] *= 1000. #give high uncertainty to the unobservable initial velocities
  201. self.kf.P *= 10.
  202. self.kf.Q[-1,-1] *= 0.5 # Q: Covariance matrix of process noise (set to high for erratically moving things)
  203. self.kf.Q[4:,4:] *= 0.5
  204. self.kf.x[:4] = convert_bbox_to_z(bbox) # STATE VECTOR
  205. self.time_since_update = 0
  206. self.id = KalmanBoxTracker.count
  207. KalmanBoxTracker.count += 1
  208. self.history = []
  209. self.hits = 0
  210. self.hit_streak = 0
  211. self.age = 0
  212. self.frames = []
  213. self.centroidarr = []
  214. CX = (bbox[0]+bbox[2])//2
  215. CY = (bbox[1]+bbox[3])//2
  216. self.centroidarr.append((CX,CY))
  217. #keep yolov5 detected class information
  218. self.detclass = bbox[5]
  219. self.frames.append( bbox[6] ) ###new added for interpolation
  220. # If we want to store bbox
  221. #print(type()
  222. if obb is not None: self.obb_history = [obb]
  223. self.bbox_history = [bbox]
  224. def update(self, bbox,obb=None):
  225. """
  226. Updates the state vector with observed bbox
  227. """
  228. self.time_since_update = 0
  229. self.history = []
  230. self.hits += 1
  231. self.hit_streak += 1
  232. self.kf.update(convert_bbox_to_z(bbox))
  233. self.detclass = bbox[5]
  234. CX = (bbox[0]+bbox[2])//2
  235. CY = (bbox[1]+bbox[3])//2
  236. self.centroidarr.append((CX,CY))
  237. self.frames.append( bbox[6] ) ###new added for interpolation
  238. self.bbox_history.append(bbox)
  239. if obb is not None: self.obb_history.append( obb)
  240. def predict(self):
  241. """
  242. Advances the state vector and returns the predicted bounding box estimate
  243. """
  244. if((self.kf.x[6]+self.kf.x[2])<=0):
  245. self.kf.x[6] *= 0.0
  246. self.kf.predict()
  247. self.age += 1
  248. if(self.time_since_update>0):
  249. self.hit_streak = 0
  250. self.time_since_update += 1
  251. self.history.append(convert_x_to_bbox(self.kf.x))
  252. # bbox=self.history[-1]
  253. # CX = (bbox[0]+bbox[2])/2
  254. # CY = (bbox[1]+bbox[3])/2
  255. # self.centroidarr.append((CX,CY))
  256. return self.history[-1]
  257. def get_state(self):
  258. """
  259. Returns the current bounding box estimate
  260. # test
  261. arr1 = np.array([[1,2,3,4]])
  262. arr2 = np.array([0])
  263. arr3 = np.expand_dims(arr2, 0)
  264. np.concatenate((arr1,arr3), axis=1)
  265. """
  266. arr_detclass = np.expand_dims(np.array([self.detclass]), 0)
  267. arr_u_dot = np.expand_dims(self.kf.x[4],0)
  268. arr_v_dot = np.expand_dims(self.kf.x[5],0)
  269. arr_s_dot = np.expand_dims(self.kf.x[6],0)
  270. return np.concatenate((convert_x_to_bbox(self.kf.x), arr_detclass, arr_u_dot, arr_v_dot, arr_s_dot), axis=1)
  271. def associate_detections_to_trackers(detections, trackers, iou_threshold = 0.3):
  272. """
  273. Assigns detections to tracked object (both represented as bounding boxes)
  274. Returns 3 lists of
  275. 1. matches,
  276. 2. unmatched_detections
  277. 3. unmatched_trackers
  278. """
  279. if(len(trackers)==0):
  280. return np.empty((0,2),dtype=int), np.arange(len(detections)), np.empty((0,5),dtype=int)
  281. iou_matrix = iou_batch(detections, trackers)
  282. if min(iou_matrix.shape) > 0:
  283. a = (iou_matrix > iou_threshold).astype(np.int32)
  284. if a.sum(1).max() == 1 and a.sum(0).max() ==1:
  285. matched_indices = np.stack(np.where(a), axis=1)
  286. else:
  287. matched_indices = linear_assignment(-iou_matrix)
  288. else:
  289. matched_indices = np.empty(shape=(0,2))
  290. unmatched_detections = []
  291. for d, det in enumerate(detections):
  292. if(d not in matched_indices[:,0]):
  293. unmatched_detections.append(d)
  294. unmatched_trackers = []
  295. for t, trk in enumerate(trackers):
  296. if(t not in matched_indices[:,1]):
  297. unmatched_trackers.append(t)
  298. #filter out matched with low IOU
  299. matches = []
  300. for m in matched_indices:
  301. if(iou_matrix[m[0], m[1]]<iou_threshold):
  302. unmatched_detections.append(m[0])
  303. unmatched_trackers.append(m[1])
  304. else:
  305. matches.append(m.reshape(1,2))
  306. if(len(matches)==0):
  307. matches = np.empty((0,2), dtype=int)
  308. else:
  309. matches = np.concatenate(matches, axis=0)
  310. return matches, np.array(unmatched_detections), np.array(unmatched_trackers)
  311. class OBB_Sort(object):
  312. # def __init__(self, max_age=1, min_hits=3, iou_threshold=0.3):
  313. def __init__(self, max_age=1, min_hits=1000, iou_threshold=0.1):
  314. """
  315. Parameters for SORT
  316. """
  317. self.max_age = max_age # 最大检测数:目标未被检测到的帧数,超过之后会被删
  318. self.min_hits = min_hits # 目标命中的最小次数,小于该次数不返回
  319. self.iou_threshold = iou_threshold
  320. self.trackers = []
  321. self.frame_count = 0
  322. def getTrackers(self,):
  323. return self.trackers
  324. def update(self, dets= np.empty((0,6)),obbs=None):
  325. """
  326. Parameters:
  327. 'dets' - a numpy array of detection in the format [[x1, y1, x2, y2, score], [x1,y1,x2,y2,score],...]
  328. Ensure to call this method even frame has no detections. (pass np.empty((0,5)))
  329. Returns a similar array, where the last column is object ID (replacing confidence score)
  330. NOTE: The number of objects returned may differ from the number of objects provided.
  331. """
  332. self.frame_count += 1
  333. # 在当前帧逐个预测轨迹位置,记录状态异常的跟踪器索引
  334. # 根据当前所有的卡尔曼跟踪器个数(即上一帧中跟踪的目标个数)创建二维数组:行号为卡尔曼滤波器的标识索引,列向量为跟踪
  335. # Get predicted locations from existing trackers
  336. trks = np.zeros((len(self.trackers), 6)) # 存储跟踪器的预测
  337. to_del = [] # 存储要删除的目标框
  338. ret = [] # 存储要返回的追踪目标框
  339. # 循环遍历卡尔曼跟踪器列表
  340. for t, trk in enumerate(trks):
  341. # 使用卡尔曼跟踪器t产生对应目标的跟踪框
  342. pos = self.trackers[t].predict()[0]
  343. # 遍历完成后,trk中存储了上一帧中跟踪的目标的预测跟踪框
  344. trk[:] = [pos[0], pos[1], pos[2], pos[3], 0, 0]
  345. # 如果跟踪框中包含空值则将该跟踪框添加到要删除的列表中
  346. if np.any(np.isnan(pos)):
  347. to_del.append(t)
  348. # numpy.ma.masked_invalid 屏蔽出现无效值的数组(NaN 或 inf)
  349. # numpy.ma.compress_rows 压缩包含掩码值的2-D 数组的整行,将包含掩码值的整行去除
  350. # trks中存储了上一帧中跟踪的目标并且在当前帧中的预测跟踪框
  351. trks = np.ma.compress_rows(np.ma.masked_invalid(trks))
  352. # 逆向删除异常的跟踪器,防止破坏索引
  353. for t in reversed(to_del):
  354. self.trackers.pop(t)
  355. # 将目标检测框与卡尔曼滤波器预测的跟踪框关联获取跟踪成功的目标,新增的目标,离开画面的目标
  356. matched, unmatched_dets, unmatched_trks = associate_detections_to_trackers(dets, trks, self.iou_threshold)
  357. # 将跟踪成功的目标框更新到对应的卡尔曼滤波器
  358. # Update matched trackers with assigned detections
  359. for m in matched:
  360. if obbs:
  361. self.trackers[m[1]].update(dets[m[0], :],obb=obbs[m[0]])
  362. else:
  363. self.trackers[m[1]].update(dets[m[0], :])
  364. # 为新增的目标创建新的卡尔曼滤波器对象进行跟踪
  365. # Create and initialize new trackers for unmatched detections
  366. for i in unmatched_dets:
  367. if obbs:
  368. trk = KalmanBoxTracker(np.hstack(dets[i,:]),obb=obbs[ i ] )
  369. else:
  370. trk = KalmanBoxTracker(np.hstack(dets[i,:]) )
  371. #trk = KalmanBoxTracker(np.hstack( (dets[i,:], np.array([0] )) ) ) ##初始化多了一个数,可能是为了标记说明这是第一次出现,box有7个数
  372. #print(' ###line271: ', np.hstack((dets[i,:], np.array([0])) ).shape)
  373. self.trackers.append(trk)
  374. # 自后向前遍历,仅返回在当前帧出现且命中周期大于self.min_hits(除非跟踪刚开始)的跟踪结果;如果未命中时间大于self.max_age则删除跟踪器。
  375. # hit_streak忽略目标初始的若干帧
  376. i = len(self.trackers)
  377. for trk in reversed(self.trackers):
  378. # 返回当前边界框的估计值
  379. d = trk.get_state()[0]
  380. # 跟踪成功目标的box与id放入ret列表中
  381. if (trk.time_since_update < 1) and (trk.hit_streak >= self.min_hits or self.frame_count <= self.min_hits):
  382. ret.append(np.concatenate((d, [trk.id+1])).reshape(1,-1)) #+1'd because MOT benchmark requires positive value
  383. i -= 1
  384. #remove dead tracklet
  385. # 跟踪失败或离开画面的目标从卡尔曼跟踪器中删除
  386. if(trk.time_since_update >self.max_age):
  387. self.trackers.pop(i) #pop按键或索引位置删除对应元素
  388. # 返回当前画面中所有目标的box与id,以二维矩阵形式返回
  389. if(len(ret) > 0):
  390. #print('####sort.py line282:',len(ret),ret[0].shape, (np.concatenate(ret)).shape)
  391. return np.concatenate(ret)
  392. return np.empty((0,6))
  393. def parse_args():
  394. """Parse input arguments."""
  395. parser = argparse.ArgumentParser(description='SORT demo')
  396. parser.add_argument('--display', dest='display', help='Display online tracker output (slow) [False]',action='store_true')
  397. parser.add_argument("--seq_path", help="Path to detections.", type=str, default='data')
  398. parser.add_argument("--phase", help="Subdirectory in seq_path.", type=str, default='train')
  399. parser.add_argument("--max_age",
  400. help="Maximum number of frames to keep alive a track without associated detections.",
  401. type=int, default=1)
  402. parser.add_argument("--min_hits",
  403. help="Minimum number of associated detections before track is initialised.",
  404. type=int, default=3)
  405. parser.add_argument("--iou_threshold", help="Minimum IOU for match.", type=float, default=0.3)
  406. args = parser.parse_args()
  407. return args
  408. if __name__ == '__main__':
  409. # all train
  410. args = parse_args()
  411. display = args.display
  412. phase = args.phase
  413. total_time = 0.0
  414. total_frames = 0
  415. colours = np.random.rand(32, 3) #used only for display
  416. if(display):
  417. if not os.path.exists('mot_benchmark'):
  418. print('\n\tERROR: mot_benchmark link not found!\n\n Create a symbolic link to the MOT benchmark\n (https://motchallenge.net/data/2D_MOT_2015/#download). E.g.:\n\n $ ln -s /path/to/MOT2015_challenge/2DMOT2015 mot_benchmark\n\n')
  419. exit()
  420. plt.ion()
  421. fig = plt.figure()
  422. ax1 = fig.add_subplot(111, aspect='equal')
  423. if not os.path.exists('output'):
  424. os.makedirs('output')
  425. pattern = os.path.join(args.seq_path, phase, '*', 'det', 'det.txt')
  426. for seq_dets_fn in glob.glob(pattern):
  427. mot_tracker = Sort(max_age=args.max_age,
  428. min_hits=args.min_hits,
  429. iou_threshold=args.iou_threshold) #create instance of the SORT tracker
  430. seq_dets = np.loadtxt(seq_dets_fn, delimiter=',')
  431. seq = seq_dets_fn[pattern.find('*'):].split(os.path.sep)[0]
  432. with open(os.path.join('output', '%s.txt'%(seq)),'w') as out_file:
  433. print("Processing %s."%(seq))
  434. for frame in range(int(seq_dets[:,0].max())):
  435. frame += 1 #detection and frame numbers begin at 1
  436. dets = seq_dets[seq_dets[:, 0]==frame, 2:7]
  437. dets[:, 2:4] += dets[:, 0:2] #convert to [x1,y1,w,h] to [x1,y1,x2,y2]
  438. total_frames += 1
  439. if(display):
  440. fn = os.path.join('mot_benchmark', phase, seq, 'img1', '%06d.jpg'%(frame))
  441. im =io.imread(fn)
  442. ax1.imshow(im)
  443. plt.title(seq + ' Tracked Targets')
  444. start_time = time.time()
  445. trackers = mot_tracker.update(dets)
  446. cycle_time = time.time() - start_time
  447. total_time += cycle_time
  448. for d in trackers:
  449. print('%d,%d,%.2f,%.2f,%.2f,%.2f,1,-1,-1,-1'%(frame,d[4],d[0],d[1],d[2]-d[0],d[3]-d[1]),file=out_file)
  450. if(display):
  451. d = d.astype(np.int32)
  452. ax1.add_patch(patches.Rectangle((d[0],d[1]),d[2]-d[0],d[3]-d[1],fill=False,lw=3,ec=colours[d[4]%32,:]))
  453. if(display):
  454. fig.canvas.flush_events()
  455. plt.draw()
  456. ax1.cla()
  457. print("Total Tracking took: %.3f seconds for %d frames or %.1f FPS" % (total_time, total_frames, total_frames / total_time))
  458. if(display):
  459. print("Note: to get real runtime results run without the option: --display")